From 1a599fab996517ce0588679bea8db5b45dcffefa Mon Sep 17 00:00:00 2001 From: tinyinl Date: Tue, 19 Sep 2023 00:55:25 +0000 Subject: [PATCH 01/62] set layer name --- py/torch_tensorrt/fx/converters/converter_utils.py | 7 ++++++- 1 file changed, 6 insertions(+), 1 deletion(-) diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 49bf401f58..1b02905753 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -122,7 +122,12 @@ def set_layer_name( if isinstance(target, str) else f"{source_ir}_ops.{target.__name__}" ) - layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" + layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" + + for i in range(layer.num_outputs): + output = layer.get_output(i) + layer.name.append(f"-[{output.name}]") + def extend_attr_to_tuple( From c875c3961a78e9a3f9785c1e404f4ec7dafeea78 Mon Sep 17 00:00:00 2001 From: Apurba Bose <44209735+apbose@users.noreply.github.com> Date: Thu, 21 Sep 2023 12:03:22 -0700 Subject: [PATCH 02/62] FX converter documentation (#2039) --- docsrc/contributors/fx_converters.rst | 211 ++++++++++++++++++++++++++ 1 file changed, 211 insertions(+) create mode 100644 docsrc/contributors/fx_converters.rst diff --git a/docsrc/contributors/fx_converters.rst b/docsrc/contributors/fx_converters.rst new file mode 100644 index 0000000000..75ee1c6341 --- /dev/null +++ b/docsrc/contributors/fx_converters.rst @@ -0,0 +1,211 @@ +.. _dynamo_conversion: + +Dynamo Converters +================== +The dynamo converter library in Torch-TensorRT is located in ``TensorRT/py/torch_tensorrt/dynamo/conversion``. + + + +Steps +================== + +Operation Set +------------------- +The converters in dynamo are produced by ``aten_trace`` and falls under ``aten_ops_converters`` ( FX earlier had ``acc_ops_converters``, ``aten_ops_converters`` or ``nn_ops_converters`` depending on the trace through which it was produced). The converters are registered using ``dynamo_tensorrt_converter`` for dynamo. The function decorated +has the arguments - ``network, target, args, kwargs, name``, which is common across all the operators schema. +These functions are mapped in the ``aten`` converter registry dictionary (at present a compilation of FX and dynamo converters, FX will be deprecated soon), with key as the function target name. + + * aten_trace is produced by ``torch_tensorrt.dynamo.trace(..)`` for the export path and ``torch_tensorrt.compile(ir=dynamo)`` for the compile path. + The export path makes use of ``aten_tracer`` whereas the alternate trace in compile is produced by the AOT Autograd library. + Both these simplify the torch operators to reduced set of Aten operations. + + +As mentioned above, if you would like to add a new converter, its implementation will be included in ``TensorRT/py/torch_tensorrt/dynamo/conversion/impl`` +Although there is a corresponding implementation of the converters included in the common implementation library present in ``TensorRT/py/torch_tensorrt/fx/impl`` for FX converters, this documentation focuses on the implementation of the ``aten_ops`` converters in dynamo. + + +Converter implementation +------------------------ +In this section, we illustrate the steps to be implemented for writing a converter. We divide them according to activation, operator, lowering pass implementation or evaluator. +Each of them is detailed with the help of an example + + * Registration + + The converter needs to be registered with the appropriate op code in the ``dynamo_tensorrt_converter``. + + * Activation type + + Example: ``leaky_relu`` + + + * aten_ops_converters: Dynamo_converters + + Define in ``py/torch_tensorrt/dynamo/conversion/aten_ops_converters``. One needs to register the opcode generated in the trace with ``dynamo_tensorrt_converter`` decorator. Op code to be used for the registration or the converter registry key in this case is ``torch.ops.aten.leaky_relu.default`` + + .. code-block:: python + + @dynamo_tensorrt_converter(torch.ops.aten.leaky_relu.default) + def aten_ops_leaky_relu( + network: TRTNetwork, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, + ) -> Union[TRTTensor, Sequence[TRTTensor]]: + return activation.leaky_relu(network, target, SourceIR.ATEN, name, args[0], args[1]) + + The ``tensorrt_converter`` (used for FX registration) and ``dynamo_tensorrt_converter`` are similar decorator functions with some differences. + + #. Both register the converters in the registeries (python dictionaries) - ``CONVERTERS`` and ``DYNAMO_CONVERTERS`` respectively. These are two dictioneries which are concatenated to form the overall converter registry + #. The dictionary is keyed on the ``OpOverLoad`` which is mentioned in more detail below with examples + #. Both return the decorated converter implementation + #. The ``CONVERTERS`` directly registers the decorated ``converter_implementation`` function, while ``DYNAMO_CONVERTERS`` has additionational arguments and registers the ``ConverterSupport`` object + #. The additional arguments are: + + .. code-block:: python + def dynamo_tensorrt_converter( + key: Target, + enabled: bool = True, + capability_validator: Optional[Callable[[Node], bool]] = None, + priority: ConverterPriority = ConverterPriority.STANDARD, + ) -> Callable[[Any], Union[TRTTensor, Sequence[TRTTensor]]]: + + #. key: Node target for which the converter is implemented for (for example, torch.ops.aten.leaky_relu.Tensor) + #. enabled: Whether the converter should be enabled/cached or not + #. capability_validator: Function which evaluates whether a node is valid for conversion by the decorated converter. It defaults to None, implying the capability_validator function is always true. This means all nodes of "key" kind can be supported by this converter by default. See ``embedding`` example for more details + #. priority: Converter's level of priority relative to other converters with the same target + + #. The ``ConverterSupport`` is a compilation of ``converter_implementation`` and ``capability_validator``. + + + The function decorated by ``tensorrt_converter`` and ``dynamo_tensorrt_converter`` has the following arguments which are automatically generated by the trace functions mentioned above. + + #. network : Node in the form of ``call_module`` or ``call_function`` having the target as the key + #. target: Target key in the ``call_module`` or ``call_function`` above. eg: ``torch.ops.aten_.leaky_relu.default``. Note that ``torch.ops.aten._leaky_relu`` is the ``OpOverloadPacket`` while ``torch.ops.aten_.leaky_relu.default`` is ``OpOverload``. + #. args: The arguments passed in the ``call_module`` or ``call_function`` above + #. kwargs: The kwargs passed in the ``call_module`` or ``call_function`` above + #. name: String containing the name of the target + + As a user writing new converters, one just needs to take care that the approriate arguments are extracted from the trace generated to the implementation function in the implementation lib function ``activation.leaky_relu`` (which we will discuss below in detail). + + * Operation type + + Example: ``fmod`` + + It follows the same steps as the above converter. In this case the opcode is ``torch.ops.aten.fmod.Scalar`` or ``torch.ops.aten.fmod.Tensor``. + Hence both the opcodes are registered in ``py/torch_tensorrt/dynamo/conversion/aten_ops_converters``. + Note that ``torch.ops.aten.fmod`` is the ``OpOverLoadPacket`` while the registry is keyed on ``torch.ops.aten.fmod.Scalar`` or ``torch.ops.aten.fmod.Tensor``, which is ``OpOverLoad`` + + Example: ``embedding`` + + It follows the same steps as the above converter. In this case the opcode is ``torch.ops.aten.embedding.default``. + There are some converters which have special cases to be accounted for. In those cases, one should use ``capability_validators`` to register the converter using ``@dynamo_tensorrt_converter`` + We illustrate this through ``torch.ops.aten.embedding.default``. It has parameters - ``scale_grad_by_freq`` and ``sparse`` which are not currently supported by the implementation. + In such cases we can write validator ``embedding_param_validator`` which implements that given those paramters the converter is not supported and register the converter by + + .. code-block:: python + @dynamo_tensorrt_converter( + torch.ops.aten.embedding.default, capability_validator=embedding_param_validator + ) + + So if there is a new converter in which certain special cases are not to be supported then they can be specified in the ``capability_validator``. + + * Evaluator type + + Example: ``operator.getitem`` + + Evaluators are categorized as so since they do not make any modification to the graph. This is implemented in ``py/torch_tensorrt/dynamo/conversion/op_evaluators.py``, with the corresponding ``capbility_validator``. + The opcode is ``operator.getitem``. + + + * Implementation Library + + The dynamo converters would be located in ``py/torch_tensorrt/dynamo/conversion/impl`` + + * Activation + + Example: ``leaky_relu`` + + The implementation is to be placed in present in ``py/torch_tensorrt/dynamo/conversion/impl/activation.py``. This is where all the activation functions are defined and implemented. + + .. code-block:: python + + def leaky_relu( + network: TRTNetwork, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input_val: TRTTensor, + alpha: Optional[Any], + ): + #implementation + + The implementation function has the following arguments. + + #. network : ``network`` passed from the decorated function registration + #. target: ``target`` passed from the decorated function registration + #. source_ir: Enum attribute. ``SourceIR`` enum is defined in ``py/torch_tensorrt/dynamo/conversion/impl/converter_utils`` + #. name: ``name`` passed from the decorated function registration + #. input_val: Approriate arguments extracted from the decorated function registration from args or kwargs + #. alpha: Approriate arguments extracted from the decorated function registration from args or kwargs. If not None, it will set the alpha attribute of the created TensorRT activation layer eg: Used in leaky_relu, elu, hardtanh + #. beta: Approriate arguments extracted from the decorated function registration from args or kwargs. If not None, it will set the beta attribute of the created TensorRT activation layer eg: Used in hardtanh + #. dyn_range_fn: A optional function which takes the dynamic range of a TensorRT Tensor and returns the output dynamic range + + The implementation functions call the ``convert_activation`` function in ``py/torch_tensorrt/dynamo/conversion/impl/activation.py``. This function will add the approriate activation layer via ``network.add_activation``. + + * Operator + + The implementation is to be placed in ``py/torch_tensorrt/dynamo/conversion/impl/elementwise/ops.py`` for dynamo. This is where all the elementwise functions are defined and implemented. + For a new operator, one should identify the category to which it belongs. Following are some examples + + #. Elementwise operators like ``fmod`` is present in ``py/torch_tensorrt/dynamo/conversion/impl/elementwise``. The ``py/torch_tensorrt/dynamo/conversion/impl/elementwise/base`` contains base functions for elementwise operator. + #. Unary operators like ``sqrt`` will be present in ``py/torch_tensorrt/dynamo/conversion/impl/unary``. The ``py/torch_tensorrt/dynamo/conversion/impl/unary/base`` contains base functions for unary operator. + #. Normalization operators like ``softmax``, ``layer_norm``, ``batch_norm`` will be present in ``py/torch_tensorrt/dynamo/conversion/impl/normalization``. Since there are no base operations common to all, there is no base file. But one can choose to implement a base file, if there are common functions across all normalization operations + #. Individual operators like ``slice``, ``select``, ``where``, ``embedding`` will be present in ``py/torch_tensorrt/dynamo/conversion/impl/*.py``. They will have individual operator implementation with the same API structure as above but with different individual arguments + + Please note that the above operators would have common functions to be implemented which should be placed in + ``py/torch_tensorrt/dynamo/conversion/impl/converter_utils.py`` + + + * Lowering type + + There are some converters which can be decomposed into suboperations and need not have seperate converter registration. + Such converters can be implemented via ``lowering passes`` + + Example: ``addmm`` + + The decompositions are registered via ``register_decomposition`` in ``py/torch_tensorrt/dynamo/backend/lowering/_decompositions.py`` + We define ``addmm_replacement`` and replace it with the torch ops, which will have their corresponding converters called. + + .. code-block:: python + + @register_decomposition(torch.ops.aten.addmm, registry=DECOMPOSITIONS) + def addmm_replacement( + input_: torch.Tensor, mat1: torch.Tensor, mat2: torch.Tensor, *, beta=1, alpha=1 + ) -> torch.Tensor: + return torch.add( + torch.mul(input_, beta), torch.mul(torch.matmul(mat1, mat2), alpha) + ) + + Note that there are some pre-existing dynamo decompositions in torch directory, in which case they should be used, + In that case please enable the decompositions in ``py/torch_tensorrt/dynamo/lowering/_decomposition_groups.py`` in ``torch_enabled_decompositions``. + Similarly you can choose to disable any in ``torch_disabled_decompositions``. Please note that the ones already defined in the lowering will take precedence over torch lowering ops. + + + + +Tests +----- + +* Dynamo testing: + + Dynamo tests are present for the lowering ops in ``tests/py/dynamo/lowering/test_decompositions.py``. The above converters will soon be ported to dynamo tests + + #. Compare the results for ``fx.symbolic_trace`` and ``torch_tensorrt.dynamo.compile``. + #. Test for the ``expected_op`` and the ``unexpected_op``. + + #. ``expected_op``: Operations the operations are lowered to. eg: ``mul`` and ``add`` for ``addmm`` + #. Note that specify that ``disable_passes= True`` for cases where you would not want lowering passes (which should be the default when testing converters) + #. ``unexpected_op``: Original operation. eg: ``addmm`` for ``addmm`` + +The tests should fail if any of the above two conditions fail From 19aabdd87a934af02cd3a146a54471c9608b8e9e Mon Sep 17 00:00:00 2001 From: Apurba Bose <44209735+apbose@users.noreply.github.com> Date: Thu, 21 Sep 2023 12:09:22 -0700 Subject: [PATCH 03/62] aten::split converter (#2232) Co-authored-by: gs-olive <113141689+gs-olive@users.noreply.github.com> --- .../dynamo/conversion/aten_ops_converters.py | 29 +++ .../dynamo/conversion/converter_utils.py | 52 ++++-- .../dynamo/conversion/impl/__init__.py | 1 + .../dynamo/conversion/impl/split.py | 81 ++++++++ tests/py/dynamo/conversion/test_split_aten.py | 175 ++++++++++++++++++ 5 files changed, 322 insertions(+), 16 deletions(-) create mode 100644 py/torch_tensorrt/dynamo/conversion/impl/split.py create mode 100644 tests/py/dynamo/conversion/test_split_aten.py diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index dac526c7e0..19f273ba3f 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -11,6 +11,7 @@ from torch_tensorrt.fx.types import TRTNetwork, TRTTensor from .converter_registry import dynamo_tensorrt_converter +from .converter_utils import dynamic_unsupported_with_args _LOGGER: logging.Logger = logging.getLogger(__name__) @@ -354,6 +355,34 @@ def aten_ops_softmax( ) +@dynamo_tensorrt_converter( + torch.ops.aten.split.Tensor, capability_validator=dynamic_unsupported_with_args([1]) +) +@dynamo_tensorrt_converter( + torch.ops.aten.split.sizes, capability_validator=dynamic_unsupported_with_args([1]) +) +@dynamo_tensorrt_converter( + torch.ops.aten.split_with_sizes.default, + capability_validator=dynamic_unsupported_with_args([1]), +) +def aten_ops_split( + network: TRTNetwork, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.split.split( + network, + target, + SourceIR.ATEN, + name, + input=args[0], + split_size_or_sections=args[1], + dim=args_bounds_check(args, 2, 0), + ) + + @dynamo_tensorrt_converter(torch.ops.aten.where.self) # type: ignore[misc] def aten_ops_where( network: TRTNetwork, diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index 99cf2fa85a..8e0c9e777a 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -1,11 +1,12 @@ import functools import logging import re -from typing import Any, List, Optional, Tuple, Union +from typing import Any, Callable, List, Optional, Tuple, Union import numpy as np import tensorrt as trt import torch +from torch import SymBool, SymFloat, SymInt from torch.fx.node import Target from torch_tensorrt.fx.converters.converter_utils import ( Frameworks, @@ -60,34 +61,53 @@ def is_only_operator_on_placeholder(node: torch.fx.Node) -> bool: def dynamic_unsupported(node: torch.fx.Node) -> bool: + """Validates that a node has no dynamic args, kwargs, or outputs""" + return _dynamic_unsupported(node=node) + + +def dynamic_unsupported_with_args( + arg_positions_to_check: Optional[List[int]] = None, +) -> Callable[[torch.fx.Node], bool]: + """Returns a validator that a node has no dynamic args at specific positions""" + return functools.partial( + _dynamic_unsupported, arg_positions_to_check=arg_positions_to_check + ) + + +def _dynamic_unsupported( + node: torch.fx.Node, arg_positions_to_check: Optional[List[int]] = None +) -> bool: # Validate that none of the inputs to the node have Dynamic shapes assert isinstance( node, torch.fx.Node ), "Inputs to validator functions must be FX Nodes" + def _is_subnode_dynamic(subnode: torch.fx.Node) -> bool: + """Checks if a node itself has Dynamic properties""" + return getattr( + subnode.meta["val"], "_has_symbolic_sizes_strides", False + ) or isinstance(subnode.meta["val"], (SymFloat, SymInt, SymBool)) + # Check node value itself - if ("val" in node.meta) and getattr( - node.meta["val"], "_has_symbolic_sizes_strides", False - ): + if arg_positions_to_check is None and _is_subnode_dynamic(node): return False # Check node arguments individually - if any( - ( - ("val" in arg.meta) - and getattr(arg.meta["val"], "_has_symbolic_sizes_strides", False) - ) - for arg in node.args - if isinstance(arg, torch.fx.Node) + if arg_positions_to_check is None and any( + _is_subnode_dynamic(arg) for arg in node.args if isinstance(arg, torch.fx.Node) + ): + return False + # Check specific arg positions if the caller has specified positions to check + elif arg_positions_to_check is not None and any( + _is_subnode_dynamic(node.args[i]) + for i in arg_positions_to_check + if isinstance(node.args[i], torch.fx.Node) ): return False # Check node keyword arguments individually - if any( - ( - ("val" in kwarg.meta) - and getattr(kwarg.meta["val"], "_has_symbolic_sizes_strides", False) - ) + if arg_positions_to_check is None and any( + _is_subnode_dynamic(kwarg) for kwarg in node.kwargs.values() if isinstance(kwarg, torch.fx.Node) ): diff --git a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py index db7c877e8f..e615599eb4 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py @@ -15,6 +15,7 @@ select, shape, slice, + split, squeeze, unary, unsqueeze, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/split.py b/py/torch_tensorrt/dynamo/conversion/impl/split.py new file mode 100644 index 0000000000..1785e454e5 --- /dev/null +++ b/py/torch_tensorrt/dynamo/conversion/impl/split.py @@ -0,0 +1,81 @@ +from typing import Any, Dict, List, Optional, Sequence, Tuple, Union + +import numpy as np +import torch +import torch_tensorrt as trt +from torch import Tensor +from torch.fx.node import Target +from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion.impl.shape import get_shape_with_dynamic_shape +from torch_tensorrt.fx.converters.converter_utils import ( + has_dynamic_shape, + set_layer_name, +) +from torch_tensorrt.fx.types import TRTNetwork, TRTTensor + + +def split( + network: TRTNetwork, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input: TRTTensor, + split_size_or_sections: Union[int, List[int]], + dim: int = 0, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + if not isinstance(input, TRTTensor): + raise RuntimeError( + f"split received input {input} that is not part " "of the TensorRT region!" + ) + + dynamic_shape = has_dynamic_shape(input.shape) + if dynamic_shape > 0: + # Check whether slice target dim is dynamic shape dim + assert input.shape[dim] != -1, "Can't chunk on dynamic shape dimension!" + + split_sizes = [] + if isinstance(split_size_or_sections, int): + split_sizes.append(split_size_or_sections) + else: + for split_size_or_section in split_size_or_sections: + split_sizes.append(split_size_or_section) + + start = [0] * len(input.shape) + stride = [1] * len(start) + offset = 0 + if len(split_sizes) == 1: + num_splits = (input.shape[dim] + split_sizes[0] - 1) // split_sizes[0] + split_sizes = [split_sizes[0]] * num_splits + else: + num_splits = len(split_sizes) + sum_split_sizes = sum(split_sizes) + if sum_split_sizes != input.shape[dim]: + raise RuntimeError( + f"split sizes don't add up to the tensor's size in the given dimension" + ) + + if num_splits < 1: + raise RuntimeError( + f"Invalid split: {input.shape[dim]} with split_size={split_sizes}" + ) + + max_offset = input.shape[dim] + # add slice layers + output = [] + for i in range(num_splits): + shape = list(input.shape) + shape[dim] = min(split_sizes[i], max_offset - offset) + start[dim] = offset + if dynamic_shape: + shape = get_shape_with_dynamic_shape( + network, target, source_ir, f"{name}_shape_{i}", shape, input + ) + layer = network.add_slice( + input, start=start, shape=[] if dynamic_shape else shape, stride=stride + ) + if dynamic_shape: + layer.set_input(2, shape) + offset += split_sizes[i] + set_layer_name(layer, target, f"{name}_{i}") + output.append(layer.get_output(0)) + return output diff --git a/tests/py/dynamo/conversion/test_split_aten.py b/tests/py/dynamo/conversion/test_split_aten.py new file mode 100644 index 0000000000..ffd8e145b9 --- /dev/null +++ b/tests/py/dynamo/conversion/test_split_aten.py @@ -0,0 +1,175 @@ +import torch +from .harness import DispatchTestCase +from parameterized import parameterized +from torch.testing._internal.common_utils import run_tests +from torch_tensorrt import Input +from torch_tensorrt.dynamo.conversion import UnsupportedOperatorException + + +# FIXME: check about implicit and explicit batch +class TestSplitConverterNoDim(DispatchTestCase): + @parameterized.expand( + [ + ("split_size_or_sections_no_dim", 2), + ] + ) + def test_split(self, _, split_size_or_tensor): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + + def forward(self, input): + out = torch.split(input, split_size_or_tensor) + return out + + input = [torch.randn(10).reshape(5, 2)] + self.run_test( + TestModule(), + input, + expected_ops={torch.ops.aten.split.Tensor}, + disable_passes=True, + ) + + @parameterized.expand( + [ + ("split_size_or_sections_list_no_dim_list", [1, 4]), + ] + ) + def test_split_list(self, _, split_size_or_tensor): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + + def forward(self, input): + out = torch.split(input, split_size_or_tensor) + return out + + input = [torch.randn(10).reshape(5, 2)] + self.run_test( + TestModule(), + input, + expected_ops={torch.ops.aten.split_with_sizes.default}, + disable_passes=True, + ) + + @parameterized.expand( + [ + ("split_size_or_sections_dims", 2, 1), + ] + ) + def test_split(self, _, split_size_or_tensor, dim): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + + def forward(self, input): + out = torch.split(input, split_size_or_tensor, dim) + return out + + input = [torch.randn(10).reshape(5, 2)] + self.run_test( + TestModule(), + input, + expected_ops={torch.ops.aten.split.Tensor}, + disable_passes=True, + ) + + @parameterized.expand( + [ + ("split_size_or_sections_list_dims", [1, 1], 1), + ] + ) + def test_split_dim_list(self, _, split_size_or_tensor, dim): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + + def forward(self, input): + out = torch.split(input, split_size_or_tensor, dim) + return out + + input = [torch.randn(10).reshape(5, 2)] + self.run_test( + TestModule(), + input, + expected_ops={torch.ops.aten.split_with_sizes.default}, + disable_passes=True, + ) + + @parameterized.expand( + [ + ("split_size_or_sections_list_dims_not_full_list", [1, 1], 1), + ] + ) + def test_split_dim_list(self, _, split_size_or_tensor, dim): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + + def forward(self, input): + out = torch.split(input, split_size_or_tensor, dim) + return out + + input = [torch.randn(15).reshape(5, 3)] + with self.assertRaises(RuntimeError): + self.run_test( + TestModule(), + input, + expected_ops={torch.ops.aten.split_with_sizes.default}, + disable_passes=True, + ) + + @parameterized.expand( + [ + ("select_split_size_or_sections_dim_dynamic_shape", 2, 1), + ] + ) + def test_split_dynamic(self, _, split_size_or_tensor, dim): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + + def forward(self, input): + out = torch.split(input, split_size_or_tensor, dim) + return out + + input_specs = [ + Input( + shape=(1, 10, -1), + dtype=torch.float32, + shape_ranges=[((1, 10, 1), (1, 10, 10), (1, 10, 10))], + ), + ] + self.run_test_with_dynamic_shape( + TestModule(), + input_specs, + expected_ops={torch.ops.aten.split.Tensor}, + disable_passes=True, + ) + + @parameterized.expand( + [ + ("select_chunk_dim", 6, 0), + ] + ) + def test_split_dynamic(self, _, chunk, dim): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + + def forward(self, input): + out = torch.ops.aten.chunk(input, chunk, dim) + return out + + input = [torch.randn(11)] + with self.assertRaises(UnsupportedOperatorException): + self.run_test( + TestModule(), + input, + expected_ops={torch.ops.aten.split.Tensor}, + disable_passes=True, + ) + + +if __name__ == "__main__": + run_tests() From 0a939dfa2b3d26d519faa6a78252838cf4e24e18 Mon Sep 17 00:00:00 2001 From: Apurba Bose <44209735+apbose@users.noreply.github.com> Date: Thu, 21 Sep 2023 12:10:56 -0700 Subject: [PATCH 04/62] DLFW changes (#2281) --- docker/WORKSPACE.ngc | 38 +++++++++---------- examples/int8/training/vgg16/requirements.txt | 1 + noxfile.py | 14 +++---- py/torch_tensorrt/__init__.py | 2 + 4 files changed, 29 insertions(+), 26 deletions(-) diff --git a/docker/WORKSPACE.ngc b/docker/WORKSPACE.ngc index a01bbed32b..c3d9bea0fc 100755 --- a/docker/WORKSPACE.ngc +++ b/docker/WORKSPACE.ngc @@ -9,24 +9,28 @@ http_archive( sha256 = "778197e26c5fbeb07ac2a2c5ae405b30f6cb7ad1f5510ea6fdac03bded96cc6f", ) -load("@rules_python//python:pip.bzl", "pip_install") +load("@rules_python//python:repositories.bzl", "py_repositories") + +py_repositories() http_archive( name = "rules_pkg", + sha256 = "8f9ee2dc10c1ae514ee599a8b42ed99fa262b757058f65ad3c384289ff70c4b8", urls = [ - "https://mirror.bazel.build/github.com/bazelbuild/rules_pkg/releases/download/0.4.0/rules_pkg-0.4.0.tar.gz", - "https://github.com/bazelbuild/rules_pkg/releases/download/0.4.0/rules_pkg-0.4.0.tar.gz", + "https://mirror.bazel.build/github.com/bazelbuild/rules_pkg/releases/download/0.9.1/rules_pkg-0.9.1.tar.gz", + "https://github.com/bazelbuild/rules_pkg/releases/download/0.9.1/rules_pkg-0.9.1.tar.gz", ], - sha256 = "038f1caa773a7e35b3663865ffb003169c6a71dc995e39bf4815792f385d837d", ) + load("@rules_pkg//:deps.bzl", "rules_pkg_dependencies") + rules_pkg_dependencies() -git_repository( +http_archive( name = "googletest", - remote = "https://github.com/google/googletest", - commit = "703bd9caab50b139428cea1aaff9974ebee5742e", - shallow_since = "1570114335 -0400" + sha256 = "755f9a39bc7205f5a0c428e920ddad092c33c8a1b46997def3f1d4a82aded6e1", + strip_prefix = "googletest-5ab508a01f9eb089207ee87fd547d290da39d015", + urls = ["https://github.com/google/googletest/archive/5ab508a01f9eb089207ee87fd547d290da39d015.zip"], ) # External dependency for torch_tensorrt if you already have precompiled binaries. @@ -80,17 +84,13 @@ new_local_repository( ######################################################################### # Testing Dependencies (optional - comment out on aarch64) ######################################################################### -pip_install( - name = "torch_tensorrt_py_deps", - requirements = "//py:requirements.txt", -) +load("@rules_python//python:pip.bzl", "pip_parse") -pip_install( - name = "py_test_deps", - requirements = "//tests/py:requirements.txt", +pip_parse( + name = "devtools_deps", + requirements_lock = "//:requirements-dev.txt", ) -pip_install( - name = "pylinter_deps", - requirements = "//tools/linter:requirements.txt", -) +load("@devtools_deps//:requirements.bzl", "install_deps") + +install_deps() diff --git a/examples/int8/training/vgg16/requirements.txt b/examples/int8/training/vgg16/requirements.txt index 2e029ff124..a56f0e40fe 100644 --- a/examples/int8/training/vgg16/requirements.txt +++ b/examples/int8/training/vgg16/requirements.txt @@ -1,4 +1,5 @@ tensorboard>=1.14.0 +protobuf==3.20.* nvidia-pyindex --extra-index-url https://pypi.ngc.nvidia.com pytorch-quantization>=2.1.2 diff --git a/noxfile.py b/noxfile.py index 2629c0391b..7a4da40ea3 100644 --- a/noxfile.py +++ b/noxfile.py @@ -191,7 +191,7 @@ def cleanup(session): def run_base_tests(session): print("Running basic tests") - session.chdir(os.path.join(TOP_DIR, "tests/py")) + session.chdir(os.path.join(TOP_DIR, "tests/py/ts")) tests = [ "api", "integrations/test_to_backend_api.py", @@ -298,7 +298,7 @@ def run_fx_tools_tests(session): def run_model_tests(session): print("Running model tests") - session.chdir(os.path.join(TOP_DIR, "tests/py")) + session.chdir(os.path.join(TOP_DIR, "tests/py/ts")) tests = [ "models", ] @@ -311,7 +311,7 @@ def run_model_tests(session): def run_accuracy_tests(session): print("Running accuracy tests") - session.chdir(os.path.join(TOP_DIR, "tests/py")) + session.chdir(os.path.join(TOP_DIR, "tests/py/ts")) tests = [] for test in tests: if USE_HOST_DEPS: @@ -340,7 +340,7 @@ def copy_model(session): def run_int8_accuracy_tests(session): print("Running accuracy tests") copy_model(session) - session.chdir(os.path.join(TOP_DIR, "tests/py")) + session.chdir(os.path.join(TOP_DIR, "tests/py/ts")) tests = [ "ptq/test_ptq_to_backend.py", "ptq/test_ptq_dataloader_calibrator.py", @@ -356,7 +356,7 @@ def run_int8_accuracy_tests(session): def run_trt_compatibility_tests(session): print("Running TensorRT compatibility tests") copy_model(session) - session.chdir(os.path.join(TOP_DIR, "tests/py")) + session.chdir(os.path.join(TOP_DIR, "tests/py/ts")) tests = [ "integrations/test_trt_intercompatibility.py", # "ptq/test_ptq_trt_calibrator.py", @@ -370,7 +370,7 @@ def run_trt_compatibility_tests(session): def run_dla_tests(session): print("Running DLA tests") - session.chdir(os.path.join(TOP_DIR, "tests/py")) + session.chdir(os.path.join(TOP_DIR, "tests/py/ts")) tests = [ "hw/test_api_dla.py", ] @@ -383,7 +383,7 @@ def run_dla_tests(session): def run_multi_gpu_tests(session): print("Running multi GPU tests") - session.chdir(os.path.join(TOP_DIR, "tests/py")) + session.chdir(os.path.join(TOP_DIR, "tests/py/ts")) tests = [ "hw/test_multi_gpu.py", ] diff --git a/py/torch_tensorrt/__init__.py b/py/torch_tensorrt/__init__.py index c24ef3897f..c015bd89db 100644 --- a/py/torch_tensorrt/__init__.py +++ b/py/torch_tensorrt/__init__.py @@ -85,6 +85,8 @@ def _find_lib(name: str, paths: List[str]) -> str: from torch_tensorrt._Device import Device # noqa: F401 from torch_tensorrt._enums import * # noqa: F403 from torch_tensorrt._Input import Input # noqa: F401 +from torch_tensorrt.logging import * +from torch_tensorrt.ptq import * from torch_tensorrt._utils import * # noqa: F403 from torch_tensorrt._utils import sanitized_torch_version From ff4d9409cccbe5ec539f9328d8002e3c10bad19a Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Fri, 22 Sep 2023 11:15:41 -0700 Subject: [PATCH 05/62] feat: Add ATen lowering pass system (#2280) --- .../writing_dynamo_aten_lowering_passes.rst | 109 ++++++++++++++++++ docsrc/index.rst | 2 + py/torch_tensorrt/dynamo/aten_tracer.py | 5 +- py/torch_tensorrt/dynamo/backend/backends.py | 49 +------- py/torch_tensorrt/dynamo/lowering/__init__.py | 1 + .../dynamo/lowering/passes/__init__.py | 1 + .../lowering/passes/_aten_lowering_pass.py | 76 ++++++++++++ .../lowering/passes/constant_folding.py | 56 +++++++++ .../dynamo/lowering/passes/pass_manager.py | 42 +++++++ .../lowering/passes/repair_input_as_output.py | 53 +++++++++ setup.py | 2 + .../lowering/test_aten_lowering_passes.py | 95 +++++++++++++++ tests/py/dynamo/testing_utilities.py | 10 +- 13 files changed, 448 insertions(+), 53 deletions(-) create mode 100644 docsrc/contributors/writing_dynamo_aten_lowering_passes.rst create mode 100644 py/torch_tensorrt/dynamo/lowering/passes/__init__.py create mode 100644 py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py create mode 100644 py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py create mode 100644 py/torch_tensorrt/dynamo/lowering/passes/pass_manager.py create mode 100644 py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py create mode 100644 tests/py/dynamo/lowering/test_aten_lowering_passes.py diff --git a/docsrc/contributors/writing_dynamo_aten_lowering_passes.rst b/docsrc/contributors/writing_dynamo_aten_lowering_passes.rst new file mode 100644 index 0000000000..d64f81d4aa --- /dev/null +++ b/docsrc/contributors/writing_dynamo_aten_lowering_passes.rst @@ -0,0 +1,109 @@ +.. _writing_dynamo_aten_lowering_passes: + +Writing Dynamo ATen Lowering Passes +=================== + +Basics of a Lowering Pass +------------ + +ATen lowering passes are Python functions which take as input a graph of ATen operators, apply some desired modification such as operator coalescing/fusion, operator replacement, subgraph rewriting, custom operator insertion, or other operation on a `torch.fx.GraphModule`, then return the modified graph to the caller. These lowering passes generally modify the graph in-place and return the same input object. + +Lowering Pass Requirements +------------ + +An ATen lowering pass function in Torch-TRT must satisfy two requirements: +- The function must take as input a single `torch.fx.GraphModule` and return the lowered `torch.fx.GraphModule` +- The function must leave the graph in a valid and invoke-able state, including performing any necessary linting and recompilation + +See this link for information on `Graph Manipulations `_ in FX. See below for an example of a lowering pass which repairs graphs that have inputs which are also outputs, a disallowed configuration for TRT Engines. + +Example Lowering Pass +------------ + +.. code-block:: python + + def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + """Repair scenarios where inputs are also outputs of the graph + + TRT does not allow such cases, so we insert a clone (identity) layer + """ + modified_graph = False + + # Extract graph placeholder Tensors + placeholders = [ + node + for node in gm.graph.nodes + if ( + node.op == "placeholder" + and isinstance(node.type, type) + and issubclass(node.type, torch.Tensor) + ) + ] + + for placeholder in placeholders: + # If any placeholder has any users which are direct graph outputs + if len(placeholder.users) >= 1 and any( + user.op == "output" for user in placeholder.users + ): + modified_graph = True + + # Get direct graph outputs which are direct uses of placeholders + direct_outputs = [user for user in placeholder.users if user.op == "output"] + + # Insert clone node for placeholder to ensure + # placeholder is not a direct output + with gm.graph.inserting_after(placeholder): + cloned_placeholder = gm.graph.call_function( + torch.ops.aten.clone.default, + args=(placeholder,), + ) + + # Replace placeholder as output with cloned version + for output in direct_outputs: + output.replace_input_with(placeholder, cloned_placeholder) + + # If the graph was modified, clean up the graph and ensure it is up-to-date + if modified_graph: + gm.graph.eliminate_dead_code() + gm.graph.lint() + gm.recompile() + logger.debug(f"Graph after repair_input_as_output:\n{gm.graph}") + + return gm + + +Registering Lowering Passes +---------------------- + +Lowering passes are currently registered in `py/torch_tensorrt/dynamo/lowering/passes/__init__.py`, using the `torch.fx.passes.pass_manager.PassManager` utility to assemble the list of passes in a desired order. New passes added directly to that list will be applied to graphs in the Torch-TensorRT `torch.compile` backend. Currently, we offer an ATen lowering pass registration decorator for convenience, which can be invoked either directly, or with the optional `index` keyword argument which controls where in the pass list the lowering pass will be inserted. + +For instance, to insert the pass at the default location (end of the list), the following code can be used: + +.. code-block:: python + + @_aten_lowering_pass + def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + ... + +Alternatively, to insert the pass at a custom index (such as the front of the list) in the passlist, the following code can be used: + +.. code-block:: python + + @_aten_lowering_pass(index=0) + def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + ... + +There are also provided utilities in `torch_tensorrt.dynamo.lowering.passes` for displaying the currently-available lowering pass list, applying those passes to an arbitrary `torch.fx.GraphModule`, and removing the lowering pass at a specific index. + +.. code-block:: python + + # Print all lowering passes in the list + print(dump_lowering_passes()) + + # Apply lowering passes to a GraphModule + apply_lowering_passes(graph_module) + + # Remove the lowering pass at index 1 + _remove_lowering_pass(index=1) + +**Note:** The above APIs are subject to change, as the lowering pass system evolves. diff --git a/docsrc/index.rst b/docsrc/index.rst index eee62bc2f7..ded3b99c9d 100644 --- a/docsrc/index.rst +++ b/docsrc/index.rst @@ -128,6 +128,7 @@ Contributor Documentation -------------------------------- * :ref:`system_overview` * :ref:`writing_converters` +* :ref:`writing_dynamo_aten_lowering_passes` * :ref:`useful_links` .. toctree:: @@ -137,6 +138,7 @@ Contributor Documentation contributors/system_overview contributors/writing_converters + contributors/writing_dynamo_aten_lowering_passes contributors/useful_links Indices diff --git a/py/torch_tensorrt/dynamo/aten_tracer.py b/py/torch_tensorrt/dynamo/aten_tracer.py index 32225e79fc..b271d0d6fb 100644 --- a/py/torch_tensorrt/dynamo/aten_tracer.py +++ b/py/torch_tensorrt/dynamo/aten_tracer.py @@ -6,8 +6,7 @@ import torch from torch._export import export -from torch_tensorrt.dynamo.backend.backends import constant_fold -from torch_tensorrt.dynamo.lowering import get_decompositions +from torch_tensorrt.dynamo.lowering import apply_lowering_passes, get_decompositions from torch_tensorrt.dynamo.utils import set_log_level logger = logging.getLogger(__name__) @@ -29,6 +28,6 @@ def trace( "torch._export.DECOMP_TABLE", get_decompositions(experimental_decompositions) ): graph_module = export(model, tuple(inputs)).module() - constant_fold(graph_module) + graph_module = apply_lowering_passes(graph_module) logger.debug("Post export graph: " + str(graph_module.graph)) return graph_module diff --git a/py/torch_tensorrt/dynamo/backend/backends.py b/py/torch_tensorrt/dynamo/backend/backends.py index 7fde8bbb41..022f3b193d 100644 --- a/py/torch_tensorrt/dynamo/backend/backends.py +++ b/py/torch_tensorrt/dynamo/backend/backends.py @@ -10,24 +10,12 @@ from torch._dynamo.utils import detect_fake_mode from torch._functorch.aot_autograd import _aot_export_function from torch._ops import OpOverload -from torch_tensorrt._utils import sanitized_torch_version from torch_tensorrt.dynamo import CompilationSettings from torch_tensorrt.dynamo.compile import compile_module -from torch_tensorrt.dynamo.lowering._decompositions import get_decompositions +from torch_tensorrt.dynamo.lowering import apply_lowering_passes, get_decompositions from torch_tensorrt.dynamo.lowering._pre_aot_lowering import pre_aot_substitutions from torch_tensorrt.dynamo.utils import parse_dynamo_kwargs, set_log_level -from packaging import version - -# Modify import location of utilities based on Torch version -if version.parse(sanitized_torch_version()) < version.parse("2.1.1"): - from torch._inductor.freezing import ConstantFolder, replace_node_with_constant -else: - from torch._inductor.constant_folding import ( - ConstantFolder, - replace_node_with_constant, - ) - logger = logging.getLogger(__name__) @@ -84,7 +72,7 @@ def _pretraced_backend( fake_mode, "allow_non_fake_inputs", True ), fake_mode: # Invoke AOTAutograd to translate operators to aten - graph_module = aot_export_for_compile( + gm = aot_export_for_compile( gm, sample_inputs, decompositions=get_decompositions( @@ -94,10 +82,10 @@ def _pretraced_backend( logger.debug("Post-AOT Autograd graph:\n" + str(gm.graph)) - constant_fold(graph_module) + gm = apply_lowering_passes(gm) trt_compiled = compile_module( - graph_module, + gm, sample_inputs, settings=settings, ) @@ -121,35 +109,6 @@ def _pretraced_backend( raise -@torch.utils._python_dispatch._disable_current_modes() # type: ignore -def constant_fold(gm: torch.fx.GraphModule) -> Any: - """Adapted from: - https://github.com/pytorch/pytorch/blob/3a79621c9dce17f77fbddc06aab21f6bc477f313/torch/_inductor/freezing.py#L178-L197 - - Folds constants in the graph module, not skipping constructors - - Modifies the graph in-place and replaces node with constants - """ - cf = ConstantFolder(gm, skip_constructors=False) - cf.run() - - for node, constant in cf.node_replacements.items(): - replace_node_with_constant(gm, node, constant) - - erased_params = [] - for node in gm.graph.nodes: - if node.op == "get_attr" and len(node.users) == 0: - delattr(gm, node.target) - erased_params.append(node) - - for node in erased_params: - gm.graph.erase_node(node) - - gm.graph.eliminate_dead_code() - gm.graph.lint() - gm.recompile() - - def aot_export_for_compile( func: torch.fx.GraphModule, args: Sequence[torch.Tensor], diff --git a/py/torch_tensorrt/dynamo/lowering/__init__.py b/py/torch_tensorrt/dynamo/lowering/__init__.py index 6eda61a6fd..34faa1d11b 100644 --- a/py/torch_tensorrt/dynamo/lowering/__init__.py +++ b/py/torch_tensorrt/dynamo/lowering/__init__.py @@ -2,4 +2,5 @@ from ._fusers import * # noqa: F401 from ._pre_aot_lowering import SUBSTITUTION_REGISTRY # noqa: F401 from ._pre_aot_lowering import register_substitution # noqa: F401 +from .passes import apply_lowering_passes from .substitutions import * # noqa: F401 diff --git a/py/torch_tensorrt/dynamo/lowering/passes/__init__.py b/py/torch_tensorrt/dynamo/lowering/passes/__init__.py new file mode 100644 index 0000000000..ea393fab14 --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/passes/__init__.py @@ -0,0 +1 @@ +from ._aten_lowering_pass import * diff --git a/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py b/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py new file mode 100644 index 0000000000..a4c7fad607 --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py @@ -0,0 +1,76 @@ +import logging +from typing import Callable, Optional + +import torch + +from .constant_folding import constant_fold +from .pass_manager import DynamoPassManager +from .repair_input_as_output import repair_input_as_output + +ATEN_LOWERING_PASSES = DynamoPassManager.build_from_passlist( + [ + constant_fold, + repair_input_as_output, + ] +) + +logger = logging.getLogger(__name__) + + +LoweringPassSignature = Callable[[torch.fx.GraphModule], torch.fx.GraphModule] + + +def _aten_lowering_pass( + *args: LoweringPassSignature, + index: Optional[int] = None, +) -> LoweringPassSignature: + """Adds a lowering pass to the registry, at a specified index if desired + + If no index is specified, the lowering pass is inserted at the end of the list + """ + + def add_lowering_pass( + lowering_pass: LoweringPassSignature, + ) -> LoweringPassSignature: + ATEN_LOWERING_PASSES.add_pass_with_index(lowering_pass, index) + logger.debug( + f"Added lowering pass {lowering_pass} to list at index {index}, current passlist: {ATEN_LOWERING_PASSES}" + ) + return lowering_pass + + # If there are arguments specified, the decorator may have been called as-is + if args: + # The decorator may only be called with the lowering pass + # The index must be specified as a keyword argument + if len(args) == 1 and callable(args[0]): + return add_lowering_pass(args[0]) + else: + raise AssertionError( + f"aten_lowering_pass decorator called with invalid arguments {args} " + "To specify an index to insert the pass, use the keyword 'index='" + ) + # If no arguments are specified, the decorator was called with an index keyword + else: + return add_lowering_pass + + +def _remove_lowering_pass(*, index: int) -> None: + """Removes a lowering pass at a specific index from the registry""" + ATEN_LOWERING_PASSES.remove_pass_with_index(index) + logger.debug( + f"Removed lowering pass at index {index}, current passlist: {ATEN_LOWERING_PASSES}" + ) + return + + +def apply_lowering_passes(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + """Applies the lowering passes to a graph module, returns the modified GraphModule""" + logging.debug( + f"Invoking DynamoPassManager and applying lowering passes: {ATEN_LOWERING_PASSES}" + ) + return ATEN_LOWERING_PASSES(gm) + + +def dump_lowering_passes() -> str: + """Returns a string containing the lowering passes""" + return str(ATEN_LOWERING_PASSES) diff --git a/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py b/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py new file mode 100644 index 0000000000..d17d0a2528 --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py @@ -0,0 +1,56 @@ +import logging + +import torch +from torch_tensorrt._utils import sanitized_torch_version + +from packaging import version + +# Modify import location of utilities based on Torch version +if version.parse(sanitized_torch_version()) < version.parse("2.1.1"): + from torch._inductor.freezing import ConstantFolder, replace_node_with_constant +else: + from torch._inductor.constant_folding import ( + ConstantFolder, + replace_node_with_constant, + ) + +logger = logging.getLogger(__name__) + + +@torch.utils._python_dispatch._disable_current_modes() # type: ignore +def constant_fold(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + """Adapted from: + https://github.com/pytorch/pytorch/blob/3a79621c9dce17f77fbddc06aab21f6bc477f313/torch/_inductor/freezing.py#L178-L197 + + Folds constants in the graph module, not skipping constructors + + Modifies the graph in-place and replaces node with constants + """ + cf = ConstantFolder(gm, skip_constructors=False) + cf.run() + + for node, constant in cf.node_replacements.items(): + replace_node_with_constant(gm, node, constant) + + erased_params = [] + for node in gm.graph.nodes: + # If get_attr node has no users, mark it for deletion + if node.op == "get_attr" and len(node.users) == 0: + # If the node's parameter is not a parameter of any other node, remove it + if not any( + other.target == node.target for other in gm.graph.nodes if other != node + ): + delattr(gm, node.target) + erased_params.append(node) + + # Remove unused nodes from the graph + for node in erased_params: + gm.graph.erase_node(node) + + gm.graph.eliminate_dead_code() + gm.graph.lint() + gm.recompile() + + logger.debug(f"Graph after constant folding:\n{gm.graph}") + + return gm diff --git a/py/torch_tensorrt/dynamo/lowering/passes/pass_manager.py b/py/torch_tensorrt/dynamo/lowering/passes/pass_manager.py new file mode 100644 index 0000000000..51e2584364 --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/passes/pass_manager.py @@ -0,0 +1,42 @@ +from typing import Any, Callable, List, Optional + +import torch +from torch.fx.passes.pass_manager import PassManager + + +class DynamoPassManager(PassManager): # type: ignore[misc] + def __init__( + self, + passes: Optional[ + List[Callable[[torch.fx.GraphModule], torch.fx.GraphModule]] + ] = None, + ): + super().__init__(passes) + + @classmethod + def build_from_passlist( + cls, + passes: Optional[List[Callable[[torch.fx.GraphModule], torch.fx.GraphModule]]], + ) -> Any: + pm = DynamoPassManager(passes) + return pm + + def add_pass_with_index( + self, + lowering_pass: Callable[[torch.fx.GraphModule], torch.fx.GraphModule], + index: Optional[int] = None, + ) -> None: + if index is None: + self.passes.append(lowering_pass) + index = -1 + else: + self.passes.insert(index, lowering_pass) + + def remove_pass_with_index(self, index: int) -> None: + del self.passes[index] + + def __call__(self, source: Any) -> Any: + return super().__call__(source) + + def __str__(self) -> str: + return str(self.passes) diff --git a/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py b/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py new file mode 100644 index 0000000000..6ce846637d --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py @@ -0,0 +1,53 @@ +import logging + +import torch + +logger = logging.getLogger(__name__) + + +def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + """Repair scenarios where inputs are also outputs of the graph + + TRT does not allow such cases, so we insert a clone (identity) layer + """ + modified_graph = False + + # Extract graph placeholder Tensors + placeholders = [ + node + for node in gm.graph.nodes + if ( + node.op == "placeholder" + and isinstance(node.type, type) + and issubclass(node.type, torch.Tensor) + ) + ] + + for placeholder in placeholders: + # If any placeholder has any users which are direct graph outputs + if len(placeholder.users) >= 1 and any( + user.op == "output" for user in placeholder.users + ): + modified_graph = True + + # Get direct graph outputs which are direct uses of placeholders + direct_outputs = [user for user in placeholder.users if user.op == "output"] + + # Insert clone node for placeholder to ensure placeholder is not a direct output + with gm.graph.inserting_after(placeholder): + cloned_placeholder = gm.graph.call_function( + torch.ops.aten.clone.default, + args=(placeholder,), + ) + + # Replace placeholder as output with cloned version + for output in direct_outputs: + output.replace_input_with(placeholder, cloned_placeholder) + + if modified_graph: + gm.graph.eliminate_dead_code() + gm.graph.lint() + gm.recompile() + logger.debug(f"Graph after repair_input_as_output:\n{gm.graph}") + + return gm diff --git a/setup.py b/setup.py index 6b013daf9e..d02adfb678 100644 --- a/setup.py +++ b/setup.py @@ -392,6 +392,7 @@ def run(self): "torch_tensorrt.dynamo.conversion.impl.unary", "torch_tensorrt.dynamo.lowering", "torch_tensorrt.dynamo.lowering.substitutions", + "torch_tensorrt.dynamo.lowering.passes", "torch_tensorrt.dynamo.partitioning", "torch_tensorrt.dynamo.runtime", "torch_tensorrt.dynamo.tools", @@ -419,6 +420,7 @@ def run(self): "torch_tensorrt.dynamo.conversion.impl.unary": "py/torch_tensorrt/dynamo/conversion/impl/unary", "torch_tensorrt.dynamo.lowering": "py/torch_tensorrt/dynamo/lowering", "torch_tensorrt.dynamo.lowering.substitutions": "py/torch_tensorrt/dynamo/lowering/substitutions", + "torch_tensorrt.dynamo.lowering.passes": "py/torch_tensorrt/dynamo/lowering/passes", "torch_tensorrt.dynamo.partitioning": "py/torch_tensorrt/dynamo/partitioning", "torch_tensorrt.dynamo.runtime": "py/torch_tensorrt/dynamo/runtime", "torch_tensorrt.dynamo.tools": "py/torch_tensorrt/dynamo/tools", diff --git a/tests/py/dynamo/lowering/test_aten_lowering_passes.py b/tests/py/dynamo/lowering/test_aten_lowering_passes.py new file mode 100644 index 0000000000..a63c5e3439 --- /dev/null +++ b/tests/py/dynamo/lowering/test_aten_lowering_passes.py @@ -0,0 +1,95 @@ +import torch +import torch_tensorrt +from torch.testing._internal.common_utils import TestCase, run_tests + +from ..testing_utilities import DECIMALS_OF_AGREEMENT, lower_graph_testing + + +class TestInputAsOutput(TestCase): + def test_input_as_output(self): + class InputAsOutput(torch.nn.Module): + def forward(self, x, y): + y_new = y + x + 1 + y_new = y_new * 7 + return (y_new, x, y) + + inputs = [ + torch.rand( + 5, + 7, + ).cuda(), + torch.rand( + 5, + 7, + ).cuda(), + ] + + fx_graph = torch.fx.symbolic_trace(InputAsOutput()) + lower_graph_testing(fx_graph, inputs, min_block_size=1) + torch._dynamo.reset() + + # Validate that the results between Torch and Torch-TRT are similar + optimized_model = torch_tensorrt.compile( + fx_graph, + "torch_compile", + inputs, + min_block_size=1, + pass_through_build_failures=True, + ) + optimized_model_results = torch.cat( + [tensor.detach().cpu() for tensor in optimized_model(*inputs)] + ) + torch_model_results = torch.cat( + [tensor.detach().cpu() for tensor in fx_graph(*inputs)] + ) + + max_diff = float( + torch.max(torch.abs(optimized_model_results - torch_model_results)) + ) + self.assertAlmostEqual( + max_diff, + 0, + DECIMALS_OF_AGREEMENT, + msg=f"InputAsOutput TRT outputs don't match with the original model.", + ) + torch._dynamo.reset() + + +class TestLoweringPassMembership(TestCase): + def insert_at_end(self): + from torch_tensorrt.dynamo.lowering.passes import ( + ATEN_LOWERING_PASSES, + _aten_lowering_pass, + _remove_lowering_pass, + ) + + @_aten_lowering_pass + def identity_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + return gm + + self.assertEqual(identity_pass, ATEN_LOWERING_PASSES.passes[-1]) + + _remove_lowering_pass(-1) + + self.assertNotIn(identity_pass, ATEN_LOWERING_PASSES.passes) + + def insert_at_index(self): + from torch_tensorrt.dynamo.lowering.passes import ( + ATEN_LOWERING_PASSES, + _aten_lowering_pass, + _remove_lowering_pass, + ) + + @_aten_lowering_pass(index=0) + def identity_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + return gm + + self.assertEqual(identity_pass, ATEN_LOWERING_PASSES.passes[0]) + + _remove_lowering_pass(0) + + self.assertNotIn(identity_pass, ATEN_LOWERING_PASSES.passes) + + +if __name__ == "__main__": + run_tests() diff --git a/tests/py/dynamo/testing_utilities.py b/tests/py/dynamo/testing_utilities.py index f311f2db2b..af5336813f 100644 --- a/tests/py/dynamo/testing_utilities.py +++ b/tests/py/dynamo/testing_utilities.py @@ -6,8 +6,8 @@ import torch from torch._dynamo.utils import detect_fake_mode from torch_tensorrt.dynamo import partitioning -from torch_tensorrt.dynamo.backend.backends import aot_export_for_compile, constant_fold -from torch_tensorrt.dynamo.lowering._decompositions import get_decompositions +from torch_tensorrt.dynamo.backend.backends import aot_export_for_compile +from torch_tensorrt.dynamo.lowering import apply_lowering_passes, get_decompositions from torch_tensorrt.dynamo.lowering._pre_aot_lowering import pre_aot_substitutions DECIMALS_OF_AGREEMENT = 4 @@ -40,16 +40,16 @@ def fx_dynamo_testing_backend( fake_mode, "allow_non_fake_inputs", True ), fake_mode: # Invoke AOTAutograd to translate operators to aten - graph_module = aot_export_for_compile( + gm = aot_export_for_compile( gm, sample_inputs, decompositions=get_decompositions(), ) - constant_fold(graph_module) + gm = apply_lowering_passes(gm) trt_compiled = custom_backend( - graph_module, + gm, sample_inputs, ) return trt_compiled From 65feab18936d084a3604a27ccc3e552d5d7ba93a Mon Sep 17 00:00:00 2001 From: Michael Feliz <104801882+mfeliz-cruise@users.noreply.github.com> Date: Fri, 22 Sep 2023 11:31:12 -0700 Subject: [PATCH 06/62] fix: Support non -1 end idx and <0 start idx in aten::flatten converter (#2321) --- core/conversion/converters/impl/shuffle.cpp | 7 ++- .../conversion/converters/test_shuffle.cpp | 53 ++++++++++++++++--- 2 files changed, 53 insertions(+), 7 deletions(-) diff --git a/core/conversion/converters/impl/shuffle.cpp b/core/conversion/converters/impl/shuffle.cpp index 5a8e992d90..8d25525a6e 100644 --- a/core/conversion/converters/impl/shuffle.cpp +++ b/core/conversion/converters/impl/shuffle.cpp @@ -20,7 +20,12 @@ static auto shuffle_registrations TORCHTRT_UNUSED = auto in_shape = util::toVec(in->getDimensions()); std::vector out_shape; if (ctx->input_is_dynamic) { - end_dim = (end_dim == -1) ? in_shape.size() - 1 : end_dim; + if (start_dim < 0) { + start_dim = start_dim + in_shape.size(); + } + if (end_dim < 0) { + end_dim = end_dim + in_shape.size(); + } int nbDynamicFlattenedDims = 0; int nbDynamicUnflattenedDims = 0; for (int i = 0; i < (int)in_shape.size(); i++) { diff --git a/tests/core/conversion/converters/test_shuffle.cpp b/tests/core/conversion/converters/test_shuffle.cpp index 9c972ba988..a4d22e10c6 100644 --- a/tests/core/conversion/converters/test_shuffle.cpp +++ b/tests/core/conversion/converters/test_shuffle.cpp @@ -4,7 +4,6 @@ #include "tests/util/util.h" #include "torch/csrc/jit/ir/irparser.h" -// TODO: IR Parser doesnt work well with neg numbers TEST(Converters, ATenFlattenConvertsCorrectly) { const auto graph = R"IR( graph(%0 : Tensor): @@ -23,12 +22,32 @@ TEST(Converters, ATenFlattenConvertsCorrectly) { in = at::clone(in); params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {in}); - auto trt = trt_results[0].reshape_as(jit_results[0]); - ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0], 2e-6)); +} + +TEST(Converters, ATenFlattenNegDimsConvertsCorrectly) { + const auto graph = R"IR( + graph(%0 : Tensor): + %1 : int = prim::Constant[value=-3]() + %2 : int = prim::Constant[value=-2]() + %3 : Tensor = aten::flatten(%0, %1, %2) + return (%3))IR"; + + auto g = std::make_shared(); + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(0, 5, {2, 3, 3}, {at::kCUDA}); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {in}); + + in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {in}); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0], 2e-6)); } -// TODO: IR Parser doesnt work well with neg numbers TEST(Converters, ATenFlattenOtherDimsConvertsCorrectly) { const auto graph = R"IR( graph(%0 : Tensor): @@ -47,9 +66,8 @@ TEST(Converters, ATenFlattenOtherDimsConvertsCorrectly) { in = at::clone(in); params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {in}); - auto trt = trt_results[0].reshape_as(jit_results[0]); - ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0], 2e-6)); } TEST(Converters, ATenReshapeConvertsCorrectly) { @@ -215,6 +233,29 @@ TEST(Converters, ATenFlattenConvertsCorrectlyWithDynamicBatch) { ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); } +TEST(Converters, ATenFlattenNegDimsConvertsCorrectlyWithDynamicBatch) { + const auto graph = R"IR( + graph(%0 : Tensor): + %1 : int = prim::Constant[value=-3]() + %2 : int = prim::Constant[value=-2]() + %3 : Tensor = aten::flatten(%0, %1, %2) + return (%3))IR"; + + auto g = std::make_shared(); + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(0, 5, {2, 3, 4}, {at::kCUDA}); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {in}); + + in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngineDynamic(g, params, {in}, true); + auto trt = trt_results[0].reshape_as(jit_results[0]); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); +} + TEST(Converters, ATenTransposeConvertsCorrectly) { const auto graph = R"IR( graph(%x.1 : Tensor): From e6e809983344415085973d0eb5a822cc149de83a Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Fri, 22 Sep 2023 18:48:59 +0000 Subject: [PATCH 07/62] docs: [Automated] Regenerating documenation for 65feab1 Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 5 +- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 5 +- .../classtorch__tensorrt_1_1TensorFormat.html | 5 +- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 5 +- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 5 +- ...8h_1a18d295a837ac71add5578860b55e5502.html | 5 +- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 5 +- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 5 +- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 5 +- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 5 +- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 5 +- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 5 +- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 5 +- docs/_cpp_api/dir_cpp.html | 5 +- docs/_cpp_api/dir_cpp_include.html | 5 +- .../dir_cpp_include_torch_tensorrt.html | 5 +- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 5 +- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 5 +- ..._cpp_include_torch_tensorrt_logging.h.html | 5 +- ...e_cpp_include_torch_tensorrt_macros.h.html | 5 +- ...file_cpp_include_torch_tensorrt_ptq.h.html | 5 +- ...clude_torch_tensorrt_torch_tensorrt.h.html | 5 +- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 5 +- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 5 +- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 5 +- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 5 +- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 5 +- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 5 +- ...ng_1af8f3443813315af7901903d25dd495cc.html | 5 +- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 5 +- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 5 +- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 5 +- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 5 +- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 5 +- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 5 +- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 5 +- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 5 +- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 5 +- docs/_cpp_api/namespace_torch_tensorrt.html | 5 +- .../namespace_torch_tensorrt__logging.html | 5 +- .../namespace_torch_tensorrt__ptq.html | 5 +- ...namespace_torch_tensorrt__torchscript.html | 5 +- ..._cpp_include_torch_tensorrt_logging.h.html | 5 +- ...e_cpp_include_torch_tensorrt_macros.h.html | 5 +- ...file_cpp_include_torch_tensorrt_ptq.h.html | 5 +- ...clude_torch_tensorrt_torch_tensorrt.h.html | 5 +- .../structtorch__tensorrt_1_1Device.html | 5 +- .../structtorch__tensorrt_1_1GraphInputs.html | 5 +- .../structtorch__tensorrt_1_1Input.html | 5 +- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 5 +- docs/_cpp_api/torch_tensort_cpp.html | 5 +- docs/_cpp_api/unabridged_orphan.html | 5 +- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 5 +- docs/_modules/torch_tensorrt/_Device.html | 5 +- docs/_modules/torch_tensorrt/_Input.html | 5 +- docs/_modules/torch_tensorrt/_compile.html | 5 +- docs/_modules/torch_tensorrt/_utils.html | 5 +- docs/_modules/torch_tensorrt/fx/fx2trt.html | 5 +- .../torch_tensorrt/fx/input_tensor_spec.html | 5 +- docs/_modules/torch_tensorrt/fx/lower.html | 5 +- .../torch_tensorrt/fx/trt_module.html | 5 +- docs/_modules/torch_tensorrt/logging.html | 5 +- docs/_modules/torch_tensorrt/ptq.html | 5 +- .../torch_tensorrt/ts/_compile_spec.html | 5 +- .../_modules/torch_tensorrt/ts/_compiler.html | 5 +- .../contributors/fx_converters.rst.txt | 211 ++++ ...riting_dynamo_aten_lowering_passes.rst.txt | 109 +++ docs/_sources/index.rst.txt | 2 + docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 5 +- docs/contributors/conversion.html | 5 +- docs/contributors/fx_converters.html | 926 ++++++++++++++++++ docs/contributors/lowering.html | 5 +- docs/contributors/partitioning.html | 5 +- docs/contributors/phases.html | 5 +- docs/contributors/runtime.html | 5 +- docs/contributors/system_overview.html | 5 +- docs/contributors/useful_links.html | 9 +- docs/contributors/writing_converters.html | 9 +- .../writing_dynamo_aten_lowering_passes.html | 825 ++++++++++++++++ docs/genindex.html | 5 +- .../getting_started_with_cpp_api.html | 5 +- .../getting_started_with_python_api.html | 5 +- .../getting_started_with_windows.html | 5 +- docs/getting_started/installation.html | 5 +- docs/index.html | 6 +- docs/indices/supported_ops.html | 5 +- docs/objects.inv | Bin 26561 -> 26869 bytes docs/py-modindex.html | 5 +- docs/py_api/fx.html | 5 +- docs/py_api/logging.html | 5 +- docs/py_api/ptq.html | 5 +- docs/py_api/torch_tensorrt.html | 5 +- docs/py_api/ts.html | 7 +- docs/search.html | 5 +- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 5 +- .../docs/configuring.html | 5 +- .../pytorch-sphinx-theme/docs/demo/api.html | 5 +- .../pytorch-sphinx-theme/docs/demo/demo.html | 7 +- .../docs/demo/lists_tables.html | 5 +- .../pytorch-sphinx-theme/docs/demo/long.html | 5 +- .../docs/demo/structure.html | 5 +- docs/src/pytorch-sphinx-theme/docs/index.html | 5 +- .../pytorch-sphinx-theme/docs/installing.html | 5 +- .../_rendered_examples/dynamo/index.html | 5 +- .../dynamo/torch_compile_advanced_usage.html | 5 +- .../dynamo/torch_compile_resnet_example.html | 5 +- .../torch_compile_transformers_example.html | 5 +- docs/tutorials/_rendered_examples/index.html | 5 +- docs/tutorials/notebooks.html | 5 +- .../serving_torch_tensorrt_with_triton.html | 5 +- ...creating_torchscript_module_in_python.html | 5 +- .../getting_started_with_fx_path.html | 5 +- docs/user_guide/ptq.html | 5 +- docs/user_guide/runtime.html | 5 +- docs/user_guide/use_from_pytorch.html | 5 +- docs/user_guide/using_dla.html | 5 +- 120 files changed, 2412 insertions(+), 228 deletions(-) create mode 100644 docs/_sources/contributors/fx_converters.rst.txt create mode 100644 docs/_sources/contributors/writing_dynamo_aten_lowering_passes.rst.txt create mode 100644 docs/contributors/fx_converters.html create mode 100644 docs/contributors/writing_dynamo_aten_lowering_passes.html diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 1a026d309c..8e2c412f60 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index 5768cdee0b..b1eae64fe7 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index d41ac517bc..ed6d00b094 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 09bac026e1..bd6acfa6fe 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 4b3ab97753..52ea9787d4 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 8006c0b593..165fea3092 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Define STR — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 0423d8e05e..915b513b5a 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 4166d97035..8acbde2dcb 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index e6ec77ad26..c7241d46ee 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 6d9d63b9ba..3adfb83ec0 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 66c6ad1dfe..6f8ac341f9 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index bc551e2236..0d568fabbf 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index d69ca8298b..68b6eec059 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 70b176e648..f00a8dbd65 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index 60868375ff..ccecc4d102 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Directory include — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index 53b9722a0f..dbb74e702b 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 35e6debe99..5753d330e9 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index b4fa402119..bd27156f93 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 5f24705e0b..8183de61ff 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+b50290d documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index a9aa30a929..be62a73aaa 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+b50290d documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 1378d7a911..8e48755e46 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+b50290d documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index cb8e187508..212f273224 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+b50290d documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index 278dc53b83..795de2a80c 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index fb2f09953c..b1378983f2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 60f01af545..7ef50c7ee4 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 35b54da87c..4b47b4e5bd 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 73c2ab24cd..8308af53c9 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 0d6def9c05..6ee8b23834 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 2bfc67ba96..f61a7f2723 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index b4a3d911ce..709dba175d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index cbfd8322a7..f57fffa059 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 3d0ccc4348..2f96d71ad9 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index a2d9087dbf..054f15c11e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index 50778085d4..b689bd4ed2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 1b34411038..61dad87552 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index f4122b4955..96c83934ab 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index f202c1d3f0..96cde6c428 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 00c6b45647..eeef457b5c 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index b52412267d..7a9e91e487 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index 903729acc2..d2e27046da 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index f714303c21..2e5c4b746d 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index 53f3e2ae2f..bb26fec429 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 3448aa537f..c6020cd55c 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 43d53e256f..64e19041fd 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index da3a4065e4..e62c07756d 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 928491f78a..9500d02ea9 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 4090407a7c..da88a2adbc 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index cfe853493e..05681db6f1 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index f065a85570..a49468e6fa 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 6ec1b3db77..1d640868d2 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 71c9943908..0650611911 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index a1daeceadf..924cf11fa2 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Full API — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 0c394886e884f28e64518059e7277d7bcb5523f4..d135d53df0871d9cebc93ab5583c1700eed5dd74 100644 GIT binary patch delta 64 zcmZpyZ>;AH@MdNaVE_T)X=WRFB}ABk^kxkaKT$BFQu8xdWOBY;2uNV^F}o-*t!y6$ E00(XneE;AH@MdNaVE}=|=_VU_B}ABk^kxkaKT$BFQu8xdWOBY;2uNV^F}o-*t!y6$ E06Du8O8@`> diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 50adabe6440f84fd894d11927ce4b8800fd09f40..4abb4a80e23a9bd7ed1b48c60924b7c0825bc11c 100644 GIT binary patch delta 64 zcmbQ}Ink3hz?+#xgaHJEr$F#^es=K#;)XJIdi;+Ds)H E0PdC$d;kCd delta 64 zcmbQ}Ink3hz?+#xgaHH+r<-i#{ldizq&Ks0i}8RNvf>$F#^es=K#;)XJIdi;+Ds)H E03h-bN&o-= diff --git a/docs/_modules/index.html b/docs/_modules/index.html index d0850279da..6d5ac4dd58 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index 07f34c814b..fd16e08cb1 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 3ea14d3d68..99800d81a9 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 48b3dd08d1..4e9c29e1ff 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index 0fe35a6b2c..d2af6c1467 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 56a753d7d8..c04cf4ff97 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index be65f5ad1f..46c4e07d4c 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 3e555cfd6a..cce00ba289 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 945e9a4436..4aedc7cfd4 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 4d1531feb6..99ff77dbbd 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index d23f44dd09..179d84e39c 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 456d5958a6..5c71d0447b 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 27424473b0..8eb3047721 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/_sources/contributors/fx_converters.rst.txt b/docs/_sources/contributors/fx_converters.rst.txt new file mode 100644 index 0000000000..75ee1c6341 --- /dev/null +++ b/docs/_sources/contributors/fx_converters.rst.txt @@ -0,0 +1,211 @@ +.. _dynamo_conversion: + +Dynamo Converters +================== +The dynamo converter library in Torch-TensorRT is located in ``TensorRT/py/torch_tensorrt/dynamo/conversion``. + + + +Steps +================== + +Operation Set +------------------- +The converters in dynamo are produced by ``aten_trace`` and falls under ``aten_ops_converters`` ( FX earlier had ``acc_ops_converters``, ``aten_ops_converters`` or ``nn_ops_converters`` depending on the trace through which it was produced). The converters are registered using ``dynamo_tensorrt_converter`` for dynamo. The function decorated +has the arguments - ``network, target, args, kwargs, name``, which is common across all the operators schema. +These functions are mapped in the ``aten`` converter registry dictionary (at present a compilation of FX and dynamo converters, FX will be deprecated soon), with key as the function target name. + + * aten_trace is produced by ``torch_tensorrt.dynamo.trace(..)`` for the export path and ``torch_tensorrt.compile(ir=dynamo)`` for the compile path. + The export path makes use of ``aten_tracer`` whereas the alternate trace in compile is produced by the AOT Autograd library. + Both these simplify the torch operators to reduced set of Aten operations. + + +As mentioned above, if you would like to add a new converter, its implementation will be included in ``TensorRT/py/torch_tensorrt/dynamo/conversion/impl`` +Although there is a corresponding implementation of the converters included in the common implementation library present in ``TensorRT/py/torch_tensorrt/fx/impl`` for FX converters, this documentation focuses on the implementation of the ``aten_ops`` converters in dynamo. + + +Converter implementation +------------------------ +In this section, we illustrate the steps to be implemented for writing a converter. We divide them according to activation, operator, lowering pass implementation or evaluator. +Each of them is detailed with the help of an example + + * Registration + + The converter needs to be registered with the appropriate op code in the ``dynamo_tensorrt_converter``. + + * Activation type + + Example: ``leaky_relu`` + + + * aten_ops_converters: Dynamo_converters + + Define in ``py/torch_tensorrt/dynamo/conversion/aten_ops_converters``. One needs to register the opcode generated in the trace with ``dynamo_tensorrt_converter`` decorator. Op code to be used for the registration or the converter registry key in this case is ``torch.ops.aten.leaky_relu.default`` + + .. code-block:: python + + @dynamo_tensorrt_converter(torch.ops.aten.leaky_relu.default) + def aten_ops_leaky_relu( + network: TRTNetwork, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, + ) -> Union[TRTTensor, Sequence[TRTTensor]]: + return activation.leaky_relu(network, target, SourceIR.ATEN, name, args[0], args[1]) + + The ``tensorrt_converter`` (used for FX registration) and ``dynamo_tensorrt_converter`` are similar decorator functions with some differences. + + #. Both register the converters in the registeries (python dictionaries) - ``CONVERTERS`` and ``DYNAMO_CONVERTERS`` respectively. These are two dictioneries which are concatenated to form the overall converter registry + #. The dictionary is keyed on the ``OpOverLoad`` which is mentioned in more detail below with examples + #. Both return the decorated converter implementation + #. The ``CONVERTERS`` directly registers the decorated ``converter_implementation`` function, while ``DYNAMO_CONVERTERS`` has additionational arguments and registers the ``ConverterSupport`` object + #. The additional arguments are: + + .. code-block:: python + def dynamo_tensorrt_converter( + key: Target, + enabled: bool = True, + capability_validator: Optional[Callable[[Node], bool]] = None, + priority: ConverterPriority = ConverterPriority.STANDARD, + ) -> Callable[[Any], Union[TRTTensor, Sequence[TRTTensor]]]: + + #. key: Node target for which the converter is implemented for (for example, torch.ops.aten.leaky_relu.Tensor) + #. enabled: Whether the converter should be enabled/cached or not + #. capability_validator: Function which evaluates whether a node is valid for conversion by the decorated converter. It defaults to None, implying the capability_validator function is always true. This means all nodes of "key" kind can be supported by this converter by default. See ``embedding`` example for more details + #. priority: Converter's level of priority relative to other converters with the same target + + #. The ``ConverterSupport`` is a compilation of ``converter_implementation`` and ``capability_validator``. + + + The function decorated by ``tensorrt_converter`` and ``dynamo_tensorrt_converter`` has the following arguments which are automatically generated by the trace functions mentioned above. + + #. network : Node in the form of ``call_module`` or ``call_function`` having the target as the key + #. target: Target key in the ``call_module`` or ``call_function`` above. eg: ``torch.ops.aten_.leaky_relu.default``. Note that ``torch.ops.aten._leaky_relu`` is the ``OpOverloadPacket`` while ``torch.ops.aten_.leaky_relu.default`` is ``OpOverload``. + #. args: The arguments passed in the ``call_module`` or ``call_function`` above + #. kwargs: The kwargs passed in the ``call_module`` or ``call_function`` above + #. name: String containing the name of the target + + As a user writing new converters, one just needs to take care that the approriate arguments are extracted from the trace generated to the implementation function in the implementation lib function ``activation.leaky_relu`` (which we will discuss below in detail). + + * Operation type + + Example: ``fmod`` + + It follows the same steps as the above converter. In this case the opcode is ``torch.ops.aten.fmod.Scalar`` or ``torch.ops.aten.fmod.Tensor``. + Hence both the opcodes are registered in ``py/torch_tensorrt/dynamo/conversion/aten_ops_converters``. + Note that ``torch.ops.aten.fmod`` is the ``OpOverLoadPacket`` while the registry is keyed on ``torch.ops.aten.fmod.Scalar`` or ``torch.ops.aten.fmod.Tensor``, which is ``OpOverLoad`` + + Example: ``embedding`` + + It follows the same steps as the above converter. In this case the opcode is ``torch.ops.aten.embedding.default``. + There are some converters which have special cases to be accounted for. In those cases, one should use ``capability_validators`` to register the converter using ``@dynamo_tensorrt_converter`` + We illustrate this through ``torch.ops.aten.embedding.default``. It has parameters - ``scale_grad_by_freq`` and ``sparse`` which are not currently supported by the implementation. + In such cases we can write validator ``embedding_param_validator`` which implements that given those paramters the converter is not supported and register the converter by + + .. code-block:: python + @dynamo_tensorrt_converter( + torch.ops.aten.embedding.default, capability_validator=embedding_param_validator + ) + + So if there is a new converter in which certain special cases are not to be supported then they can be specified in the ``capability_validator``. + + * Evaluator type + + Example: ``operator.getitem`` + + Evaluators are categorized as so since they do not make any modification to the graph. This is implemented in ``py/torch_tensorrt/dynamo/conversion/op_evaluators.py``, with the corresponding ``capbility_validator``. + The opcode is ``operator.getitem``. + + + * Implementation Library + + The dynamo converters would be located in ``py/torch_tensorrt/dynamo/conversion/impl`` + + * Activation + + Example: ``leaky_relu`` + + The implementation is to be placed in present in ``py/torch_tensorrt/dynamo/conversion/impl/activation.py``. This is where all the activation functions are defined and implemented. + + .. code-block:: python + + def leaky_relu( + network: TRTNetwork, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input_val: TRTTensor, + alpha: Optional[Any], + ): + #implementation + + The implementation function has the following arguments. + + #. network : ``network`` passed from the decorated function registration + #. target: ``target`` passed from the decorated function registration + #. source_ir: Enum attribute. ``SourceIR`` enum is defined in ``py/torch_tensorrt/dynamo/conversion/impl/converter_utils`` + #. name: ``name`` passed from the decorated function registration + #. input_val: Approriate arguments extracted from the decorated function registration from args or kwargs + #. alpha: Approriate arguments extracted from the decorated function registration from args or kwargs. If not None, it will set the alpha attribute of the created TensorRT activation layer eg: Used in leaky_relu, elu, hardtanh + #. beta: Approriate arguments extracted from the decorated function registration from args or kwargs. If not None, it will set the beta attribute of the created TensorRT activation layer eg: Used in hardtanh + #. dyn_range_fn: A optional function which takes the dynamic range of a TensorRT Tensor and returns the output dynamic range + + The implementation functions call the ``convert_activation`` function in ``py/torch_tensorrt/dynamo/conversion/impl/activation.py``. This function will add the approriate activation layer via ``network.add_activation``. + + * Operator + + The implementation is to be placed in ``py/torch_tensorrt/dynamo/conversion/impl/elementwise/ops.py`` for dynamo. This is where all the elementwise functions are defined and implemented. + For a new operator, one should identify the category to which it belongs. Following are some examples + + #. Elementwise operators like ``fmod`` is present in ``py/torch_tensorrt/dynamo/conversion/impl/elementwise``. The ``py/torch_tensorrt/dynamo/conversion/impl/elementwise/base`` contains base functions for elementwise operator. + #. Unary operators like ``sqrt`` will be present in ``py/torch_tensorrt/dynamo/conversion/impl/unary``. The ``py/torch_tensorrt/dynamo/conversion/impl/unary/base`` contains base functions for unary operator. + #. Normalization operators like ``softmax``, ``layer_norm``, ``batch_norm`` will be present in ``py/torch_tensorrt/dynamo/conversion/impl/normalization``. Since there are no base operations common to all, there is no base file. But one can choose to implement a base file, if there are common functions across all normalization operations + #. Individual operators like ``slice``, ``select``, ``where``, ``embedding`` will be present in ``py/torch_tensorrt/dynamo/conversion/impl/*.py``. They will have individual operator implementation with the same API structure as above but with different individual arguments + + Please note that the above operators would have common functions to be implemented which should be placed in + ``py/torch_tensorrt/dynamo/conversion/impl/converter_utils.py`` + + + * Lowering type + + There are some converters which can be decomposed into suboperations and need not have seperate converter registration. + Such converters can be implemented via ``lowering passes`` + + Example: ``addmm`` + + The decompositions are registered via ``register_decomposition`` in ``py/torch_tensorrt/dynamo/backend/lowering/_decompositions.py`` + We define ``addmm_replacement`` and replace it with the torch ops, which will have their corresponding converters called. + + .. code-block:: python + + @register_decomposition(torch.ops.aten.addmm, registry=DECOMPOSITIONS) + def addmm_replacement( + input_: torch.Tensor, mat1: torch.Tensor, mat2: torch.Tensor, *, beta=1, alpha=1 + ) -> torch.Tensor: + return torch.add( + torch.mul(input_, beta), torch.mul(torch.matmul(mat1, mat2), alpha) + ) + + Note that there are some pre-existing dynamo decompositions in torch directory, in which case they should be used, + In that case please enable the decompositions in ``py/torch_tensorrt/dynamo/lowering/_decomposition_groups.py`` in ``torch_enabled_decompositions``. + Similarly you can choose to disable any in ``torch_disabled_decompositions``. Please note that the ones already defined in the lowering will take precedence over torch lowering ops. + + + + +Tests +----- + +* Dynamo testing: + + Dynamo tests are present for the lowering ops in ``tests/py/dynamo/lowering/test_decompositions.py``. The above converters will soon be ported to dynamo tests + + #. Compare the results for ``fx.symbolic_trace`` and ``torch_tensorrt.dynamo.compile``. + #. Test for the ``expected_op`` and the ``unexpected_op``. + + #. ``expected_op``: Operations the operations are lowered to. eg: ``mul`` and ``add`` for ``addmm`` + #. Note that specify that ``disable_passes= True`` for cases where you would not want lowering passes (which should be the default when testing converters) + #. ``unexpected_op``: Original operation. eg: ``addmm`` for ``addmm`` + +The tests should fail if any of the above two conditions fail diff --git a/docs/_sources/contributors/writing_dynamo_aten_lowering_passes.rst.txt b/docs/_sources/contributors/writing_dynamo_aten_lowering_passes.rst.txt new file mode 100644 index 0000000000..d64f81d4aa --- /dev/null +++ b/docs/_sources/contributors/writing_dynamo_aten_lowering_passes.rst.txt @@ -0,0 +1,109 @@ +.. _writing_dynamo_aten_lowering_passes: + +Writing Dynamo ATen Lowering Passes +=================== + +Basics of a Lowering Pass +------------ + +ATen lowering passes are Python functions which take as input a graph of ATen operators, apply some desired modification such as operator coalescing/fusion, operator replacement, subgraph rewriting, custom operator insertion, or other operation on a `torch.fx.GraphModule`, then return the modified graph to the caller. These lowering passes generally modify the graph in-place and return the same input object. + +Lowering Pass Requirements +------------ + +An ATen lowering pass function in Torch-TRT must satisfy two requirements: +- The function must take as input a single `torch.fx.GraphModule` and return the lowered `torch.fx.GraphModule` +- The function must leave the graph in a valid and invoke-able state, including performing any necessary linting and recompilation + +See this link for information on `Graph Manipulations `_ in FX. See below for an example of a lowering pass which repairs graphs that have inputs which are also outputs, a disallowed configuration for TRT Engines. + +Example Lowering Pass +------------ + +.. code-block:: python + + def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + """Repair scenarios where inputs are also outputs of the graph + + TRT does not allow such cases, so we insert a clone (identity) layer + """ + modified_graph = False + + # Extract graph placeholder Tensors + placeholders = [ + node + for node in gm.graph.nodes + if ( + node.op == "placeholder" + and isinstance(node.type, type) + and issubclass(node.type, torch.Tensor) + ) + ] + + for placeholder in placeholders: + # If any placeholder has any users which are direct graph outputs + if len(placeholder.users) >= 1 and any( + user.op == "output" for user in placeholder.users + ): + modified_graph = True + + # Get direct graph outputs which are direct uses of placeholders + direct_outputs = [user for user in placeholder.users if user.op == "output"] + + # Insert clone node for placeholder to ensure + # placeholder is not a direct output + with gm.graph.inserting_after(placeholder): + cloned_placeholder = gm.graph.call_function( + torch.ops.aten.clone.default, + args=(placeholder,), + ) + + # Replace placeholder as output with cloned version + for output in direct_outputs: + output.replace_input_with(placeholder, cloned_placeholder) + + # If the graph was modified, clean up the graph and ensure it is up-to-date + if modified_graph: + gm.graph.eliminate_dead_code() + gm.graph.lint() + gm.recompile() + logger.debug(f"Graph after repair_input_as_output:\n{gm.graph}") + + return gm + + +Registering Lowering Passes +---------------------- + +Lowering passes are currently registered in `py/torch_tensorrt/dynamo/lowering/passes/__init__.py`, using the `torch.fx.passes.pass_manager.PassManager` utility to assemble the list of passes in a desired order. New passes added directly to that list will be applied to graphs in the Torch-TensorRT `torch.compile` backend. Currently, we offer an ATen lowering pass registration decorator for convenience, which can be invoked either directly, or with the optional `index` keyword argument which controls where in the pass list the lowering pass will be inserted. + +For instance, to insert the pass at the default location (end of the list), the following code can be used: + +.. code-block:: python + + @_aten_lowering_pass + def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + ... + +Alternatively, to insert the pass at a custom index (such as the front of the list) in the passlist, the following code can be used: + +.. code-block:: python + + @_aten_lowering_pass(index=0) + def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + ... + +There are also provided utilities in `torch_tensorrt.dynamo.lowering.passes` for displaying the currently-available lowering pass list, applying those passes to an arbitrary `torch.fx.GraphModule`, and removing the lowering pass at a specific index. + +.. code-block:: python + + # Print all lowering passes in the list + print(dump_lowering_passes()) + + # Apply lowering passes to a GraphModule + apply_lowering_passes(graph_module) + + # Remove the lowering pass at index 1 + _remove_lowering_pass(index=1) + +**Note:** The above APIs are subject to change, as the lowering pass system evolves. diff --git a/docs/_sources/index.rst.txt b/docs/_sources/index.rst.txt index eee62bc2f7..ded3b99c9d 100644 --- a/docs/_sources/index.rst.txt +++ b/docs/_sources/index.rst.txt @@ -128,6 +128,7 @@ Contributor Documentation -------------------------------- * :ref:`system_overview` * :ref:`writing_converters` +* :ref:`writing_dynamo_aten_lowering_passes` * :ref:`useful_links` .. toctree:: @@ -137,6 +138,7 @@ Contributor Documentation contributors/system_overview contributors/writing_converters + contributors/writing_dynamo_aten_lowering_passes contributors/useful_links Indices diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 43cdeb6f9c..804670596c 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+b50290d', + VERSION: 'v2.2.0.dev0+65feab1', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 20b090b6d0..60284680b6 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index da3d031975..db119e5b45 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html new file mode 100644 index 0000000000..5c0b88f5e4 --- /dev/null +++ b/docs/contributors/fx_converters.html @@ -0,0 +1,926 @@ + + + + + + + + + + + + + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+ + + + + + + + + + + + + + + + +
+ +
    + +
  • + + + Docs + + > +
  • + + +
  • Dynamo Converters
  • + + +
  • + + + + + +
  • + +
+ + +
+
+ +
+ Shortcuts +
+
+ +
+
+ + + + + + +
+ +
+
+ +
+

Dynamo Converters

+

The dynamo converter library in Torch-TensorRT is located in TensorRT/py/torch_tensorrt/dynamo/conversion.

+
+
+

Steps

+
+

Operation Set

+

The converters in dynamo are produced by aten_trace and falls under aten_ops_converters ( FX earlier had acc_ops_converters, aten_ops_converters or nn_ops_converters depending on the trace through which it was produced). The converters are registered using dynamo_tensorrt_converter for dynamo. The function decorated +has the arguments - network, target, args, kwargs, name, which is common across all the operators schema. +These functions are mapped in the aten converter registry dictionary (at present a compilation of FX and dynamo converters, FX will be deprecated soon), with key as the function target name.

+
+
    +
  • aten_trace is produced by torch_tensorrt.dynamo.trace(..) for the export path and torch_tensorrt.compile(ir=dynamo) for the compile path.

  • +
+

The export path makes use of aten_tracer whereas the alternate trace in compile is produced by the AOT Autograd library. +Both these simplify the torch operators to reduced set of Aten operations.

+
+

As mentioned above, if you would like to add a new converter, its implementation will be included in TensorRT/py/torch_tensorrt/dynamo/conversion/impl +Although there is a corresponding implementation of the converters included in the common implementation library present in TensorRT/py/torch_tensorrt/fx/impl for FX converters, this documentation focuses on the implementation of the aten_ops converters in dynamo.

+
+
+

Converter implementation

+

In this section, we illustrate the steps to be implemented for writing a converter. We divide them according to activation, operator, lowering pass implementation or evaluator. +Each of them is detailed with the help of an example

+
+
    +
  • Registration

    +
    +

    The converter needs to be registered with the appropriate op code in the dynamo_tensorrt_converter.

    +
      +
    • Activation type

      +
      +

      Example: leaky_relu

      +
        +
      • aten_ops_converters: Dynamo_converters

        +
        +

        Define in py/torch_tensorrt/dynamo/conversion/aten_ops_converters. One needs to register the opcode generated in the trace with dynamo_tensorrt_converter decorator. Op code to be used for the registration or the converter registry key in this case is torch.ops.aten.leaky_relu.default

        +
        +
        @dynamo_tensorrt_converter(torch.ops.aten.leaky_relu.default)
        +    def aten_ops_leaky_relu(
        +        network: TRTNetwork,
        +        target: Target,
        +        args: Tuple[Argument, ...],
        +        kwargs: Dict[str, Argument],
        +        name: str,
        +    ) -> Union[TRTTensor, Sequence[TRTTensor]]:
        +            return activation.leaky_relu(network, target, SourceIR.ATEN, name, args[0], args[1])
        +
        +
        +
        +
        +
      • +
      +

      The tensorrt_converter (used for FX registration) and dynamo_tensorrt_converter are similar decorator functions with some differences.

      +
        +
      1. Both register the converters in the registeries (python dictionaries) - CONVERTERS and DYNAMO_CONVERTERS respectively. These are two dictioneries which are concatenated to form the overall converter registry

      2. +
      3. The dictionary is keyed on the OpOverLoad which is mentioned in more detail below with examples

      4. +
      5. Both return the decorated converter implementation

      6. +
      7. The CONVERTERS directly registers the decorated converter_implementation function, while DYNAMO_CONVERTERS has additionational arguments and registers the ConverterSupport object

      8. +
      9. The additional arguments are:

        +
        +
          +
        1. key: Node target for which the converter is implemented for (for example, torch.ops.aten.leaky_relu.Tensor)

        2. +
        3. enabled: Whether the converter should be enabled/cached or not

        4. +
        5. capability_validator: Function which evaluates whether a node is valid for conversion by the decorated converter. It defaults to None, implying the capability_validator function is always true. This means all nodes of “key” kind can be supported by this converter by default. See embedding example for more details

        6. +
        7. priority: Converter’s level of priority relative to other converters with the same target

        8. +
        +
        +
      10. +
      11. The ConverterSupport is a compilation of converter_implementation and capability_validator.

      12. +
      +

      The function decorated by tensorrt_converter and dynamo_tensorrt_converter has the following arguments which are automatically generated by the trace functions mentioned above.

      +
        +
      1. network : Node in the form of call_module or call_function having the target as the key

      2. +
      3. target: Target key in the call_module or call_function above. eg: torch.ops.aten_.leaky_relu.default. Note that torch.ops.aten._leaky_relu is the OpOverloadPacket while torch.ops.aten_.leaky_relu.default is OpOverload.

      4. +
      5. args: The arguments passed in the call_module or call_function above

      6. +
      7. kwargs: The kwargs passed in the call_module or call_function above

      8. +
      9. name: String containing the name of the target

      10. +
      +

      As a user writing new converters, one just needs to take care that the approriate arguments are extracted from the trace generated to the implementation function in the implementation lib function activation.leaky_relu (which we will discuss below in detail).

      +
      +
    • +
    • Operation type

      +
      +

      Example: fmod

      +

      It follows the same steps as the above converter. In this case the opcode is torch.ops.aten.fmod.Scalar or torch.ops.aten.fmod.Tensor. +Hence both the opcodes are registered in py/torch_tensorrt/dynamo/conversion/aten_ops_converters. +Note that torch.ops.aten.fmod is the OpOverLoadPacket while the registry is keyed on torch.ops.aten.fmod.Scalar or torch.ops.aten.fmod.Tensor, which is OpOverLoad

      +

      Example: embedding

      +

      It follows the same steps as the above converter. In this case the opcode is torch.ops.aten.embedding.default. +There are some converters which have special cases to be accounted for. In those cases, one should use capability_validators to register the converter using @dynamo_tensorrt_converter +We illustrate this through torch.ops.aten.embedding.default. It has parameters - scale_grad_by_freq and sparse which are not currently supported by the implementation. +In such cases we can write validator embedding_param_validator which implements that given those paramters the converter is not supported and register the converter by

      +
      +
      +

      So if there is a new converter in which certain special cases are not to be supported then they can be specified in the capability_validator.

      +
      +
    • +
    • Evaluator type

      +
      +

      Example: operator.getitem

      +

      Evaluators are categorized as so since they do not make any modification to the graph. This is implemented in py/torch_tensorrt/dynamo/conversion/op_evaluators.py, with the corresponding capbility_validator. +The opcode is operator.getitem.

      +
      +
    • +
    +
    +
  • +
  • Implementation Library

    +
    +

    The dynamo converters would be located in py/torch_tensorrt/dynamo/conversion/impl

    +
      +
    • Activation

      +
      +

      Example: leaky_relu

      +

      The implementation is to be placed in present in py/torch_tensorrt/dynamo/conversion/impl/activation.py. This is where all the activation functions are defined and implemented.

      +
      def leaky_relu(
      +    network: TRTNetwork,
      +    target: Target,
      +    source_ir: Optional[SourceIR],
      +    name: str,
      +    input_val: TRTTensor,
      +    alpha: Optional[Any],
      +):
      +    #implementation
      +
      +
      +

      The implementation function has the following arguments.

      +
        +
      1. network : network passed from the decorated function registration

      2. +
      3. target: target passed from the decorated function registration

      4. +
      5. source_ir: Enum attribute. SourceIR enum is defined in py/torch_tensorrt/dynamo/conversion/impl/converter_utils

      6. +
      7. name: name passed from the decorated function registration

      8. +
      9. input_val: Approriate arguments extracted from the decorated function registration from args or kwargs

      10. +
      11. alpha: Approriate arguments extracted from the decorated function registration from args or kwargs. If not None, it will set the alpha attribute of the created TensorRT activation layer eg: Used in leaky_relu, elu, hardtanh

      12. +
      13. beta: Approriate arguments extracted from the decorated function registration from args or kwargs. If not None, it will set the beta attribute of the created TensorRT activation layer eg: Used in hardtanh

      14. +
      15. dyn_range_fn: A optional function which takes the dynamic range of a TensorRT Tensor and returns the output dynamic range

      16. +
      +

      The implementation functions call the convert_activation function in py/torch_tensorrt/dynamo/conversion/impl/activation.py. This function will add the approriate activation layer via network.add_activation.

      +
      +
    • +
    • Operator

      +
      +

      The implementation is to be placed in py/torch_tensorrt/dynamo/conversion/impl/elementwise/ops.py for dynamo. This is where all the elementwise functions are defined and implemented. +For a new operator, one should identify the category to which it belongs. Following are some examples

      +
        +
      1. Elementwise operators like fmod is present in py/torch_tensorrt/dynamo/conversion/impl/elementwise. The py/torch_tensorrt/dynamo/conversion/impl/elementwise/base contains base functions for elementwise operator.

      2. +
      3. Unary operators like sqrt will be present in py/torch_tensorrt/dynamo/conversion/impl/unary. The py/torch_tensorrt/dynamo/conversion/impl/unary/base contains base functions for unary operator.

      4. +
      5. Normalization operators like softmax, layer_norm, batch_norm will be present in py/torch_tensorrt/dynamo/conversion/impl/normalization. Since there are no base operations common to all, there is no base file. But one can choose to implement a base file, if there are common functions across all normalization operations

      6. +
      7. Individual operators like slice, select, where, embedding will be present in py/torch_tensorrt/dynamo/conversion/impl/*.py. They will have individual operator implementation with the same API structure as above but with different individual arguments

      8. +
      +

      Please note that the above operators would have common functions to be implemented which should be placed in +py/torch_tensorrt/dynamo/conversion/impl/converter_utils.py

      +
      +
    • +
    +
    +
  • +
  • Lowering type

    +
    +

    There are some converters which can be decomposed into suboperations and need not have seperate converter registration. +Such converters can be implemented via lowering passes

    +

    Example: addmm

    +

    The decompositions are registered via register_decomposition in py/torch_tensorrt/dynamo/backend/lowering/_decompositions.py +We define addmm_replacement and replace it with the torch ops, which will have their corresponding converters called.

    +
    @register_decomposition(torch.ops.aten.addmm, registry=DECOMPOSITIONS)
    +def addmm_replacement(
    +    input_: torch.Tensor, mat1: torch.Tensor, mat2: torch.Tensor, *, beta=1, alpha=1
    +) -> torch.Tensor:
    +    return torch.add(
    +        torch.mul(input_, beta), torch.mul(torch.matmul(mat1, mat2), alpha)
    +    )
    +
    +
    +

    Note that there are some pre-existing dynamo decompositions in torch directory, in which case they should be used, +In that case please enable the decompositions in py/torch_tensorrt/dynamo/lowering/_decomposition_groups.py in torch_enabled_decompositions. +Similarly you can choose to disable any in torch_disabled_decompositions. Please note that the ones already defined in the lowering will take precedence over torch lowering ops.

    +
    +
  • +
+
+
+
+

Tests

+
    +
  • Dynamo testing:

    +
    +

    Dynamo tests are present for the lowering ops in tests/py/dynamo/lowering/test_decompositions.py. The above converters will soon be ported to dynamo tests

    +
      +
    1. Compare the results for fx.symbolic_trace and torch_tensorrt.dynamo.compile.

    2. +
    3. Test for the expected_op and the unexpected_op.

      +
      +
        +
      1. expected_op: Operations the operations are lowered to. eg: mul and add for addmm

      2. +
      3. Note that specify that disable_passes= True for cases where you would not want lowering passes (which should be the default when testing converters)

      4. +
      5. unexpected_op: Original operation. eg: addmm for addmm

      6. +
      +
      +
    4. +
    +
    +
  • +
+

The tests should fail if any of the above two conditions fail

+
+
+ + +
+ +
+
+ + + + +
+ + + +
+

+ © Copyright 2022, NVIDIA Corporation. + +

+
+ +
+ Built with Sphinx using a theme provided by Read the Docs. +
+ + +
+ +
+
+ + +
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+
+

Docs

+

Access comprehensive developer documentation for PyTorch

+ View Docs +
+ +
+

Tutorials

+

Get in-depth tutorials for beginners and advanced developers

+ View Tutorials +
+ +
+

Resources

+

Find development resources and get your questions answered

+ View Resources +
+
+
+
+ + + + + + + + + +
+
+
+
+ + +
+
+
+ + +
+ + + + + + + + \ No newline at end of file diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 7e2c0ff3da..7418ccbc56 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index fe77c8a83e..00b06fe860 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 43bff496b0..f5dfe93d25 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -302,6 +302,7 @@

Indices

diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index 764bb45325..c2ee19a13f 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 900775df73..88d16d1398 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+b50290d documentation + System Overview — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 292958afae..f676ea5286 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -40,7 +40,7 @@ - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+ + + + + + + + + + + + + + + + +
+ +
    + +
  • + + + Docs + + > +
  • + + +
  • Writing Dynamo ATen Lowering Passes
  • + + +
  • + + + + + +
  • + +
+ + +
+
+ +
+ Shortcuts +
+
+ +
+
+ + + + + + +
+ +
+
+ +
+

Writing Dynamo ATen Lowering Passes

+
+

Basics of a Lowering Pass

+

ATen lowering passes are Python functions which take as input a graph of ATen operators, apply some desired modification such as operator coalescing/fusion, operator replacement, subgraph rewriting, custom operator insertion, or other operation on a torch.fx.GraphModule, then return the modified graph to the caller. These lowering passes generally modify the graph in-place and return the same input object.

+
+
+

Lowering Pass Requirements

+

An ATen lowering pass function in Torch-TRT must satisfy two requirements: +- The function must take as input a single torch.fx.GraphModule and return the lowered torch.fx.GraphModule +- The function must leave the graph in a valid and invoke-able state, including performing any necessary linting and recompilation

+

See this link for information on Graph Manipulations in FX. See below for an example of a lowering pass which repairs graphs that have inputs which are also outputs, a disallowed configuration for TRT Engines.

+
+
+

Example Lowering Pass

+
def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
+    """Repair scenarios where inputs are also outputs of the graph
+
+    TRT does not allow such cases, so we insert a clone (identity) layer
+    """
+    modified_graph = False
+
+    # Extract graph placeholder Tensors
+    placeholders = [
+        node
+        for node in gm.graph.nodes
+        if (
+            node.op == "placeholder"
+            and isinstance(node.type, type)
+            and issubclass(node.type, torch.Tensor)
+        )
+    ]
+
+    for placeholder in placeholders:
+        # If any placeholder has any users which are direct graph outputs
+        if len(placeholder.users) >= 1 and any(
+            user.op == "output" for user in placeholder.users
+        ):
+            modified_graph = True
+
+            # Get direct graph outputs which are direct uses of placeholders
+            direct_outputs = [user for user in placeholder.users if user.op == "output"]
+
+            # Insert clone node for placeholder to ensure
+            # placeholder is not a direct output
+            with gm.graph.inserting_after(placeholder):
+                cloned_placeholder = gm.graph.call_function(
+                    torch.ops.aten.clone.default,
+                    args=(placeholder,),
+                )
+
+            # Replace placeholder as output with cloned version
+            for output in direct_outputs:
+                output.replace_input_with(placeholder, cloned_placeholder)
+
+    # If the graph was modified, clean up the graph and ensure it is up-to-date
+    if modified_graph:
+        gm.graph.eliminate_dead_code()
+        gm.graph.lint()
+        gm.recompile()
+        logger.debug(f"Graph after repair_input_as_output:\n{gm.graph}")
+
+    return gm
+
+
+
+
+

Registering Lowering Passes

+

Lowering passes are currently registered in py/torch_tensorrt/dynamo/lowering/passes/__init__.py, using the torch.fx.passes.pass_manager.PassManager utility to assemble the list of passes in a desired order. New passes added directly to that list will be applied to graphs in the Torch-TensorRT torch.compile backend. Currently, we offer an ATen lowering pass registration decorator for convenience, which can be invoked either directly, or with the optional index keyword argument which controls where in the pass list the lowering pass will be inserted.

+

For instance, to insert the pass at the default location (end of the list), the following code can be used:

+
@_aten_lowering_pass
+def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
+    ...
+
+
+

Alternatively, to insert the pass at a custom index (such as the front of the list) in the passlist, the following code can be used:

+
@_aten_lowering_pass(index=0)
+def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
+    ...
+
+
+

There are also provided utilities in torch_tensorrt.dynamo.lowering.passes for displaying the currently-available lowering pass list, applying those passes to an arbitrary torch.fx.GraphModule, and removing the lowering pass at a specific index.

+
# Print all lowering passes in the list
+print(dump_lowering_passes())
+
+# Apply lowering passes to a GraphModule
+apply_lowering_passes(graph_module)
+
+# Remove the lowering pass at index 1
+_remove_lowering_pass(index=1)
+
+
+

Note: The above APIs are subject to change, as the lowering pass system evolves.

+
+
+ + +
+ +
+ + +
+
+ + +
+
+ + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+
+
+
+

Docs

+

Access comprehensive developer documentation for PyTorch

+ View Docs +
+ +
+

Tutorials

+

Get in-depth tutorials for beginners and advanced developers

+ View Tutorials +
+ +
+

Resources

+

Find development resources and get your questions answered

+ View Resources +
+
+
+
+ + + + + + + + + +
+
+
+
+ + +
+
+
+ + +
+ + + + + + + + \ No newline at end of file diff --git a/docs/genindex.html b/docs/genindex.html index c0ccc64b71..28da86b61b 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Index — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -301,6 +301,7 @@

Indices

diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index bef6245f9c..db58267a87 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index 967bd74fa5..d2ff48f6f4 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 4b4615d160..5b9cad8bfb 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 7e1620c033..f62e36ea20 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Installation — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -304,6 +304,7 @@

Indices

diff --git a/docs/index.html b/docs/index.html index 673c245a1d..bf68203b09 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -224,7 +224,7 @@
- v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
@@ -303,6 +303,7 @@

Indices

@@ -469,6 +470,7 @@

Contributor Documentation
  • System Overview

  • Writing Converters

  • +
  • Writing Dynamo ATen Lowering Passes

  • Useful Links for Torch-TensorRT Development

  • diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 1ab704dfed..364647bb67 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -303,6 +303,7 @@

    Indices

    diff --git a/docs/objects.inv b/docs/objects.inv index d05425e7a208a825a8e740f26889784382f8dace..e13da89d79029c4361f06b896f11ef165e33bd40 100644 GIT binary patch delta 15401 zcmV+^Jl4a(&jIz(0gz4yHZ^8tVPY|{RW~bt;Jdej*inV$ysQ>4Ux*8fnx)z!|7QC* z50~o&ZWvc}@NK5DMKUYD=){GXBw{sP18BdvylSE~=|U;kd4lEYp;Giq{xrM8X(!tx z#cN4vd67H%ZzuT_C#fWPUgVzsTOq%QzTvp`e)Rfm%t$|FPqodxNbwC`(B)*1;yJ>9 z0Fl~6Sd>d`*{eK_jQRi~wtxiL(}h;NW)&L6^EDkeuR%&QwCaJUh1d?@)i%@YOFa8Z zN9JF7CNab@Mw=A^t91SVHZe+i;M^mzLwB3Mntf!igfNlm+>(smHa`Boj&YK-dzl7Q zbwswfF4)Vv;>$KwlJGw z8RnXJ@a=9k>1Mr-08+t7m|d~VSH58IEBW2Z2IKW(L@-9gt1ka7uFJiGU$X?#ud{?Ut}$Ll&urM4 zh7X%)BW^DHC2v^@9l?|AEFyn8K2Pal$G0$jB>mGG0~yg82;A})vwOO3LSN7n3|htA ztk%S=xla~GP%88*d*B{ifYTy+NTMKJg732I3MDh1pQ495p3=@Zj>vR(5k>1nf@h)7 zuk3-ai}uE)YY?X)9o=*f9!pvIJ=%qoT9;O({sxfrB^iQ45zn^Au&#gjd7jkdALnqrmO@rjyqxLXTaqRPqO0TU z0KtpPTMSR2&q35%5vAf^v!rX1B&di4KhPO7M(kjJ4;Zxs?()R9kg;qdU*IG!HDO<{7dpa?%=%kU{o5BeWwg(Y!NYA>&Vr&{qU+mJ^ zF2*fS?}9>`4KMfh)SJazG`8rceyJAZ#Y z`{yg6hleI2E7Wb*}>VeG2=lm36 z6q5;(D8M!n+a0fy3@;r5(MFRiFD3$a%ac}|0g&(43gHRkwo^uei1vu&n67WDM~TExtw`=?x(=1}!c!=oBjHKj z{``Co!`5SiXF&Xuzrgbacp)v7c`y8ZjUm0%77<^yO7>5AbU>7+zO}aVyu|DiE5W?x zRex4ucDXGfEFc_E^^HVI$2g=ae@l{7<0I)TN_6K*w8XT3Nah$MAzfdN$lwQ{eyHVG zY-Re&ij~Eh{q-&{H{<1IX*8qde(sW(C(Ky_9nH=w$79gWzetHGL$|+=`xb|ETq(Yd zUsHg&+2442^Nw{rr#B#eNaWe^V&~)^F@G*XlY=H+BJ+d>zJ=o>G&}y@L$!58E=ofX znk0jVo_t`r0ql>bL}Yhx;v!3u#FGrckw{xz`%tWjAuZL{&Lc99i{}9C-+nH{x>WoN zeVFkFG45oBxhB0z$fD|n#5qR69PG}U^Z?XF@wW1Q76mgf+rAfrorPNH0WUB48-M>R z$nFuO^Dvn|Y(NZ1tD@K53m)oe#L-3aH*6PdJV3ewFCVshe4kO! zfwxg8dGzck()m5zI^S;1vW)$}(Gad7%q(WN_e&3r42Ru9{5^Za4Y4FhPciU!Ku?K{ zFG4-xE1o(EbTR+e3AE@C$2XIb_U1DM^eULNfnl>`Hv` zD5A8Hzumptua*a#G7d>fCf^uUpFO(0oS!n@cPmn*v$;6sUKyN*s~MeV$fL;?fvB)- zgS;|84#{w7AYc&=7kL)G8NV-FKiT$Ls62Q|qDkX@L21K5X|rEfh#n_;#DBA2q6qcC zQ8akCNz!Q9*h|YJY$sl9PZ#WMX(%WyO2wpztAS4}^L%G}g|EP}gM3NB9_hLIp)!wz z;{UA}+CR2*{=Y&yVVUk2q3q;U!rM;aGXZHmZjvp=aa}+&;gP)=4T4qnG?}u;kfNRV zZ~Se+gJspz+f$VIZC1%5q&N)A89u04%0vt+W{kqGN9dVC@8!TUG8qf1szyWQ*@lDeVlawK-@+A&z9l`?oR?-ge!mG9s0I>&`Ww$DkLit1iPHWc2p=|a z&62A$&RUWT`>d4K7i>+PMXPz1Z4~V79Hy&=ZR>vylMPtRlXQc^sDI|Wive;q(cen- z8}%*!WEp06EJOC8hO|tDJ=US{i=+x$v^_x4;NV~}4yqEZ>%zl6u42}1Ur@@;+P)n1 zU3K#vro{_2U_d`ewv73|aGG=pzlT7GiM-Dib0&lq+W|_#v=@*<;jhIf z5!Qpo>y^@35B61fR37uj*Uuixg)8lt%>3~8{ka=Yu8AU6DDeh7(jW*?FlWcoi-(VC zT4D7vKP>pKFlBz5xJDF$`NO*U>FSQ{IKNb?}na@ zRajnPYvfSL*4)Tas(O=zqF`jgS1ihQ?S zk*8;RYkfscHs(9FEBLd!{ACN-H`_e{GB1u}Vpe3XyxTEIALD5A@YuMA*o;G-@DBJz zUSKD}?4B1WZ7B|wDvRb6jV@Jzu$WX=+X7-z?KW)Wf!A#I6n{-+{lX%r1vNd??$s^; z+BPWX+u(bpa2^-3jmS1n7B8|&q9NE|g-C5|!7`!BGJNp8mEeBvPGR>lyv>GN-Hd8W zHNNR)%&(#&D2+)6L)t7E5AL0*?8I|_dw*Rh+?7EV z4gbV&5GMW+;(tsmn-IRbP(~u4vT!Xe@3!n0(ZfS+(1yzUx~87JtD{wII@zmE7ER@3 zIqzkC%NB41`8Snrdntp3nA=`&BLOBW-uhMs4jBo0VdBAP5yiB#*rcRkd(}aj1i(gu zlKEwY$bQpHyn^uiAovwh!Z~Fj$C&oG?6y~u>@DbrD1U>1*AkS>FC_&1;JUvpXT@9J z%D|x!I(ma)g)}2Kj-Js^lIbXLl(p`=|(0B_Pqk6A1S_0Kv$|{fg z8;Dop1AnU~5Wi(qL^4TXjQS&^Wt(5gph(6Z-z1Xbn`DIXO)}p2CJ`RrB!k8`$=KtY zL~?wSj4-~*8d(1hd`qC?{T9?Z{iAU@M&H#<#YlR!eCxVPPN#90XRV z@enEPg=q%z|C)koS3#8&RBH-qT?I8#P}?h5nSXhbgTVzu1-U&e8+bTh9wuVd{B9;q3@Xgw|8;=>H7Wc`Tg~mn_0hNBT3|GQ^-W9_AS^)t_6MoaNLUeboKH4 zLVvoR_Dl503y9#S>p?z9;iELxUCFkWQW)3;&;5b$;+;7}A+hd|Ud)RJXlRd!U_KF$ zG!{?E2QwnlFdN7S=M;fTzuU$mU~Qr!o_}?Vwo;^N_+80XGZJs1*g7Duq1-q&uOZz$ zOs^wcH)5|L+P>>rN4RYVwuV8n@v{$Qg*g<8+--lh@n}00(!!@wOuUjSNo~8ojePfu z*C$KiU>#Nap1_62;&OV_4KgJ|#Ah0!$j=zo>h z^7z1F5q)*G)rO1?DG8iJx3<uY8@nDoWnfBN6_-HkR zXdt?bNZU(kWW%fWzOhR0C984>7F1_hNYim638PBx9;``-*8&DcrRvkO(XUBz603X*0^}TCZi8;g}-?%r>C1yw-A!a+>JQ@omEZa z3H@fM`8P}1*ZFm)^y_o|^nWgi;k*3ny=46uuD;XQ2}}GAMKE~>AHnJYFQS@L;i3ik z&0YDU6vH>$r~a%9G{iwrjlYz1N8FSN%x$r9Evib_w>`#>_HY$ zOE@n{NM%Zc)btpAV*x+d*&h0(DU1ESN)!IM?J(7K68|Oo#^Q?HvrxM#qJW2)r@?V~ z25D&s*F1XtD3xDJ@R$3~pYnkC?7rI`#=r=(_v7I#lVd3FX;NQ|Yw&>Q?5Nj#Jlky~ z`gQwam_@JS=wBG7^KT)-W8#y{J6?ax>jq*nxN2w(uPJV1U_o!&1xxy2-hBV66&aLG z1ixhIvu*keuzOhqh|_<1nKUby->wY!Hv#-hjn5!{qA_tKxW55t8LdL;#$85IqH@0b zEeD0)eEY{H+KWRXg{4G>U7S1n2Ycv&W-yKnfh2E8Fa3?_=jMC2=14&()42x7o@V^c z9Fwj*C4Ud%p@2%X7%Ub6@Q$a*f?KZXHBHQ0)qFD~iEfYBMV7SlKeG6;;q(wx8Hs#o zE{6bxF&P?#&x8C-fym|drzDODvd(X?QCA3E^2c7LjiPTWdeD*IzBUL`iO^;C$Zu+s z!-SXgs?+e_m=Vik@6(_2)n@7M1uc=nDM0*cn}21-vhc=9f6lTja`Lco@gU>NDSY66 zCD}(&x*FKa?r40-f60M(SVT!eBVqQ(uqE*^`yq!QT$0J%5FKO$uGybHyywFWp+bmb znf*sU!w6T*?3ZjDIRsRR&NX}LH9BQv27AXMl}{8(AHTQ=$>51h0Y*SmBJ_zr_QJFT z>3@*EofZE~{*mO0drX82Txs#oSa2r1<+>ezWa~78jkJN_7?Y|P2V|hVf`eLifynLl zr!0>30zh_s*U+iN9;w@1!t7ppLNR>UoKxsEL{7;x9n;8$!#lz~Qui#OZ@0+F4F{Ct zkYyjO=?#LJa+B=Bdq1X^2M&PLLiL`#`+vXkdL+MSXzW}5RtWqeOwz<-%lS#K6_pYJ zwzBexrqGD+EUg!cH~wa^Acn!xheIlpd(R#?%)aR8HOhF6X&}mPD;{4R_C zdUb%?IlSMbGyZ-?-?J?j{(eT^_Y(`@AmocrqbYumDbHrE_D4}AlwWTBnLN(aA()iWKq(be$`DxN>8h%%LE6$r zgQZnqX+vP?qruWEu=F9YjL~2j6ajKnm?hPflTL%K~H3U(U24UmVR?lZ2gK%^u_sO&zY>^&sf zNR^pvy}=x3-e4%WI)9SmIGq~Gb8P~+)JN|F?snGMUBx}VbuW};PP%*tx(wGh#S4=M zKq%80fajTBUL2ZK+j+W zNw!S_9&kS;wo=^P);-I@Y|PHH9J5~&cG374sNcW^2CM3M=26gZNnh~4V*xH)9?rg) zDOK@&lh6yO;U-C=B^ji!`=^shr0av@qHt+B`G2h}2SiA7mw&v}=&IWwFh_CtjN>`G%4<#!SWlvxdQKN4d3MQ?XZ-%J8=FWE`*&-7*C%x)ifW1OsTnr9lLm#I+9 zA`8)XwEf)TQeOSjT(gW3HqSMH)p{)n1$?yAO=ZmeFrQOYs;?q=|>qbeZ?6sTaJ!s$EEc;kJ zc#ELp^y7^p9KJVimh}|+^ge6hg+=hnWZ*t8CV$Fx==%303*S3*a!W)7Fxy3-4&6|% z^MhX3aMa=4ne zUGvt2Y8+PQTO!1T;q~lOMufYyBxn5kt8Y`}40ad?k^U&!qqG`|Lwjo{y5`#fM=Uhjdk73@KZQ?S#3Y+2~3_Ps}(7 zLKroa|T0mO43)78wv z%xTvnp}GIkuhOT*@R?DceafiwUXE7uUq65P{4;M2zi|4q4}|{g{S_TZ6ef8E`hPS3 zMc6MyS0gm6>}5e7+HRKYz5P-v?Xq- zTvaUlKrv)EO)GIqrVc8*wO|?k8_!>&O8u3ZHM6MCOzVjz^KYlL-@6JEKQRX1}hp8r?0*Ff+h$Um10N_kT;i+{qxo zMaY63Mr446;}_-`MwD2RC6ix2o4wBpvDH= zLAphkz&Ko|+3gDSek(FHe5`Xp(iHffNR~Bkm3J&N9Z;|fwEDn$ljqEx0?%7}14S>; z9So)rDFM&he!awvng9xur++cT>Sl7sa@2@Ljp~x*=qcW}D1M@>cg`#0PsTJn+Zgf* zaQTgADR{+9OfqEp%CeLseBj5{yd(uN8Oibn9DMiIAbo6YA*}`L7AXH(7(o0?#ucQY zf25S8;Lx=$I?9Jt&m@DaNaP$sI;w{i57LPvyXUWNt%)un=Y4qHm4Aa$Q04esY;zY@ zu=u_NG4E|vTxHi0$_N~M*V1@^IphRB{I1>84qApcyT&Y<1BB>QAxzllHChh<(?pTo zhZfDw5h4ow%+txBLk@0b99JA-Q!;Z#W&n6G`hA+;I{l-y(bM<*I-ZCI9Ha{-dy6T5 z{d)h8pX;bL-KL@tRV{SOpF5dV6$RiEySXs**_)Iuctv6m#7I^2p5>aon-%iCO`;ND^3!8? zqi20~t4Z!l8IV;4e-vJx(o&6a7dS)L}qlHEwZ`z6o5hCm4l zOFcW=z3m27y0KmcOtD}QMCqFQPAa5Zq<^kgsdE9~BY(aC%!QJiQec|NWb-$?TrcRr zfMcx5Ckb^pN&$fT*w}F`>@5L|qr`I_Jr$@9(p(cbx(%SMl39Rh+Kyu>zG-69RJ2-z zJ?P|v3|eq@cYoUoN^`UT=}_@ir~^$kRl@;Tw>8C9u&P;(D5x$vB~bTYZZCfE?yqj{ zzTDp4dw*Zg@5$pouWs+IzudH<)m7bffQ1aC*;sQN)dqpD1PV#UuHs@*v|V)C(0)Gu z+m~B0w5F}-rltCt<*UFYymSX38<~!;*^XulqwS#6iuU?O5Ur0?!!oh2JDO=BJJna zj7-giD6jw|wqroY(S-qa&}lQled7yb`n#Stf0xl?&jHY;{!MX>QGrmF|GZ3TwqLQNt6VlA*WH-NTd z5o4_fJ}!?;u8e3!wzIR0(An7o-kPSjj)~L$-d}8}s2cQj(qSQlT+-~+z|b(jkbewX zEK?ap><%6>V#k<%J3;Tnpc?QNWj`hf%(SqoDgg$-2O87^WEeiu6g5B^>B22AhVWfH zWP}eB4@QfK9%7F+>3WlT(WlqGBgOZF@*2pAu4<_ zcFjYB41N?>QK9eJSO?g`uI?LVpnn-;0^vJj2;ap+RCw~Ex131B#Nuq#Rckz%BevnIN zOCCVeEUZIE*KHT6)axSbn6?8|=#aUmH9%xB`js`7M!5;Kv$G|5qK6ey$A5!#iHQ8W zzYZgT%~Bl#PB8<+hAMIm-y#EI99Yl}Y%(cxhRWVWzqjl?r7oWQApMMQ5NJsE15!T$ z)UXCj1NuH7&WHZ5zw~l^It;!*?CgwGI(+h$IDL#rdtYOw1uxmGsiz;L4bthlhN}QF zBllI))S-)zZrH#Cm{_jwj(??%Eh#Y z;b?Mq@sW`mFMaw|9-HFPvr8-dEj!6HNEKw-Yg&e_sfvX$4s@GNH`O4p14DtXuZ^XO zEebNO(KoFlss|ONGXF1K7jA&Dj9Xy8q}cUx)_ii%5Z#BbAQNxeWmXt+#xO< z#42W^(?+Dh886j@$t%FLPHOY62FkJ!S{)opv_pjE z6+|9$y772GE!d7S#o+$gDFOk0A8Am17C|DBV_GO!;#^18LO(JdF>e|aydxD*Qaah_M-K>Bghv z;XFs!-#p0kzhuQ2iXzoTL}u)RrD0SSbR&~x#b{5yJ)UF8A#_M@1 zAaz^Ufq&r>WA{zVbS-E?Q$yHwNmH;?+dT=8h6ynOiUC#Nn~LR{zyKDYlXC*psb0~1 zB#;(e^fd$DcFBwy0bAFgi8a-RJ_3er>L&pb=(?(yD%1>zI2PSjRNvK1%~VNdXhZcR zK>DO{_`oHN+*Wkkv7ilr;`pSxb>M5Zbr6t9wSQFK_Z3?st;4rXN7G1?wp0uQr0ECo zFvN7U0Gh;K5Vxk8z5^9ocN|qWpieyBLCl_14>Yi1`KoE#0oI`pprZgyb1faa4m<<~ zA1D~Pw(9D@u@%yuP+%(1_MxI7L^|w4V1O1G5!eA49gv{`u}9Yet_F1l1!R<qjUgbTVcSIzLzncSWZjEaXFE8K$Zq5{pUfPs0Hu zj1}OL>6EEkfp5CDZD~+N<|$zTI)BlZ4mB-sbR8M4u34HxoS;o+S*GDQ)=7aS(*&2a zY+cng8)#&-YP%3QWT2whmf^$G(yWh(I_aqmGG#S=q?0~QcU_J2ZFEQ9!G{EEL5rw~ zOl|_jRyB)uu$r!6s4B#NljeFzEVgL@IvFkbSPRJf-ZhQDJ%6ahk?EgH zM;RvR>Rm|wBmFEHE&4#vxss^?}W{U@P?HJmM4Fe-kA*5#jO_kIPX=qM>uy5etkXQoCgnFO@ zs6*FAWMD>cIR=?5=`KBNK7XwP>iDWyoNdQ<#XUi=-3HUrEn7o@qA7YnIu%H}Wd|t^ z3a}lV49-A@WWo;}8ydQzld+@eYbqJK8M?1(20j&>y5SOY!vUFvE2?P|Kmm4r=#oK> zWf7#Of)gTubTSfmNxdTg0*9@vIffoM3NjVrRB&QbMS*3hWQwU!sDIEx#0JP5g3R-5 z`K6}ma5{mjD1q&gxw}Q?4#03Q3IHZ%>Y9$>9}DLg{$?O+x?trx2pf*(*p^C^0aY?3 zb~WVdisJ?*w2zFAI6O^7x{4gt#H7nm0)y0`ZfiDHY!e?BoehzR$T-JTTpVb&V=KTy zrbdUVn&TKpMhEButbd_6bS0XMr-{}3wxJqqNaQ0!J2JY!R(z}*3K=Y_kaTUXsktW7 zELVfBs-xqg3k-wIc6CcpAUzw66zI~?qwPaT()`hDHanA(#%bxWQ0WCfN3(tWDZitO zowG=yO$>V+RoPvQz#(k!A_BcW2jxje{O z4W8sBN%7K)o_}d*W&Ev?UL{|42971pzGR7I%9{iSn}tUV?WtMbVx~L*8BLjeV#Vko z%WCW{`rT%>!7T)f<(yftw;xSMB7*)oXC z)X$0J1w&;Sf2uUdtz&3wlFZFi8)Y5^7B*_WR^P>A9N(3U4 zbn>eEgrdrN@7kKC&?T7#3)$el3(xOuD-_>%>e~|o{&u0c#eJr%RT^xQ!O5e$VUU-l0S7|1Y+9B%RBzORa(k+0p(=lzk_i$ z{6r)vF{}xQn4#_)$FIgE_l)G1OT)|0dHK2XIDZ#FQV0UrERRqKKp}aAf&jM2(}_eR zeqghpLeT?-1Qm)O*dk~r5|Pk@ErN;!9uyN)B=lgLpj}8rq82s_DipI&NKm1ug)M@1 zBB={_*dmxnxI;0)L;@bR3D$+A7%Q<^AfZT!LIMfJN^B9R6G=mu#TMB_f-H*3CK6_` zO@Fp7B<&FzGZDuQNw_ci*g*+%l~B6#GTlkV9!*h=n;6Q$RPw z`e=!n0;Y(Fx37;WV&diM$!Uw(NT&e3BJK55rbwK<;mQ<=wAWLaT>=b<-`7v2LecvM zt5hg{Uq6+03NRolU_X@##RMFzQlY4T{eM*2DZqeOgZ)%06lrjU*QnG&%Udn!^Q+MXB>h2l5LYqJyhkcf~ndh8JovZp?KM1+*lYw?a!0YS!yHGkP( z&q9$VN71uTtjYd*?i55Wie-O|3dOJ-MWaGdEc zf{YM(Q(VnraW{MERV?zRxFWluiU#qNP>)au&wlC=3gRiDo=&JD@jzu%BN7d?r)osv zfy$_+3#xEv(M&)5dsDCRvs1JSxPRC4W7SMJo_Ag-Qgg_m5}!{H;{%PU7w&@eNdT>e z=@Ud-zp zv@zfNw1HIlE~QF#jPDw<9DnmH2RoZ9Q|%>{%Hb#~bq_~QR$kehc<{aPBz8l7Zw=DN zCNSyaoKUP_`0Iz?>E|XZ(u&c~^xSjiy!kuWR?G+4=V2QKk)g%D*r)Ydh;L~?i{)av+x5xj$2ih3_2-OTA z*Dv$@1^3DPo1ttd*?)SU$UeT-8%5r1-&Q|_X}oGg?1m9>9OXMk8Uf{#Fo8=*y6+y5 zL6_e?(u|B!ZNHjC{6-QPWYs%Knh_Sch+SOr`VPC%=Jfhbm5HN1l|!fFAqEDvTrxrd zrmE9GmWGKH!^eu^TdLuc!NV&Q$$|lbSOdiKD;nwgT;11H1%CxV!=|dh*H}xorIA4# zG@$N6S5pllpkpeEV>&cqs{a~m$tB1gpaB|&+%XhDhGvSdIds?-1g_@3Mv68xFilaWI z^Q+>hPw9xLIDhI>I+`ht`jk#TcA-A4V}@dAPvsb27uwT4EGLKl)Q+IZp+B|bUUKM9 z?HpA*`s04%HV_+`WSP3H>SSVq>9Hl>(tK!ICiGQXL6(9~8oX)fibDJq8InQAu^bIq zrl}EGOo(*LuudAhPe!gPy@pHm4cE4@O)tu!x8vx5^nb+xJSO;~pSbJ5cl0A~UHFcD z?u_A!QtU_3Q)OQ(rCU!SSS0VZ8S*k$S%{(Si=Xx)zSZwz?Ztc}#A>3x4ZG%eUthy6 zI)0NCpJ&DA;s<>Mu1FqqGxBgz%ZGzxCEXqt>b_LD|6R(%g)AH}l9iAjIO@2Ad6cV{ zhl^Q%NPkII;=Myl;NZHyF-UTil&NQ;k>bao$ukTv;#Y``iF|IPR5|N8a*A3y(8 z*tzQ1(&C32$~#-@7w#lWryRD4g&3qe=)tyB&HeV}H?`&SJ)NDCtpvH)1n8Uqo##O3Te|a{>^vts&!P)*9pzDPbFyPBzapp8RPHRtXKEhT~*JE!2`7OBY4r4H^+pguIA5hrg4e8+;xc z^Bs40Z}Ts&<7BWNwb72yR+%fy55>>Uv-h)K6XtgNE8?)NcZ5c}3*3E+lN+37SHY)` zxayN{ULb$AJwn=km=ivN)dMDjr{YjWut*l?JAdrr6s>~rVN;E7E?j6En4Kl?bDIJO zRV#Qurbg^sTThhBu) zk&&IEf&gF@DH>1}+fi-04Fp^j+eQF&*O?xHX}At@v8iJnTc+z^6$8aLRMP?2RTXo3 z1U`QNwvCbM1gd8FfdvU;onG~8Sqi-yb9w}%0_gQ4K+`Q7>Np5&8`zo&O`qosrjqAubP$*4Ml^R zsVa``U_|dI^KIxr%bl9PX1Ol$EQ+rf&{0&KwDkZWUv=m?O5L`n=C3QZq6S#8b>Dxn z6$2rlsv31Ku4XHmJ3W8faui5!qBUS(DJHwI7g@jtF42Z*P0rspYz_N_tLo6-fnh5q z>2EF4)472Pr{-@EL(?$nU=V3+zN!%SPC9&I`T!ZE@0;BIOc(n)){t(PrlQ*PVl|gY z?qD4FzCL~Xvvks#BV9ol2D+iDW?+9A8YY7s1qSpZp2_(KbUST4pUu#m3>|9^AW(%Z%jgzx?p0&*6>_v2W!ha3VFK@#Lp6b8v5Q6o;2 zT5{d|`+i)lns7KM`{DW;b1r9|{g+FB_%qPq50FkRou z7__iKPc1)iK?M=l6H^x3zzHmTBI5XE;|1A2Pk!V{!1p2wu#|(;0*)W^hFeaj!>{4@hr0DM%jNr)7w8uDg^6CW+e=z=%@tjy_^6yNxR9{AG;6h9FSBg z5-TIUGps1Z7z*QF zI6WgxDQC%iLyU<ILYS&qq_4pkqWPhb`<~LDph*6uKaf2f9yYPMT8U zRs!u=3j-BMJrvI+IHjUVmq**_G*zSmHyYpwv6&k}K(>l9kv67y6X&C;22cZxPfVmD zVz#y61NSaL@4&K^Gtx8!m1X5?S#2r_5hx!A4Cr4ZvNQ6h$OwNkSrvuC-jY~dmuv($ z%*utj(dMJ671&2s04tg-v4x^1qlm2K@KS-78EKkx5;>8!5ivCq5-#bH{~-Z|9h4b8 zeOu~3JK&^9IfWcR2q3a-j0Zdy+=cmQ>SW3;YmF=}a|gJr5U02-F~pFWn$g~O7ND|r z<{`(C>e(!#0m6SomK9=Baz_5t1A-e_zlfFDc^LqsB%+o8D$e!aJ~PtP0@~>yd<1GI zp*#>g6U@q_GS`>qj?-xxd|^hY#G(icxvq}{8;}Y=I%+;6e_DyTN$`TdERw(|tY`KA zjS9|`Se%ijiIa?8z&(|ikwXS+lgR*4QE6V{jGjIz8x((xzzBp=Z-G>JMO8S-JaU&A z;Zw3&DF9Sf5J79>CKD_?DFO8(!p0eSsa#_7jb)Zvr^GWQlG-|h01zt2XFi%1S39qH z!MQ^kO;mf4A^v9x>-EJ=lkXq3|Jw@~Zvgmae`;Ar4YdPY|5$JG*W1-UweUJWouCc% z?ra4#CzpTw;UAjg#qaI$%|W%?RW+vvHF9HBrKjpTr>GJ=Rrz_k>~pB_a*FcJp_0t2 z>o7-aAg3#*94(Q2eOY9Wu24IW{^&DZx_p&4J>Ek3w^n5ylURm%Y-5ujbW9uJupNup zab1o%R%3GZ)Sm%v)$#n54%44|c;2B-bbS&1>HB|E|NVHEzBH{nuWhH>liZp3kDg_} z-(UK(V?xbMAGY1qwtS}bmUPlgym{E9zV4g#=*p}Ib=s^4)_b!)ns>K(F4$8??($ja zezx8+eB52Q*?+=b47hKfalP~$kMObYzTNiQg}mZ{t(SM-mYC=B>fuX$0$Ykt=P}%U zYx;j4Zw2<3x@f1G^941ZcBEzBP&U*D-?5`656)vJv&Tw%QP>GZKKib${2O2 zMlZ&@7ed;V0qZ(-2ZG=Aaqg!Cuh`bIimvsC&1`?QrhD1U_Ng8&KEhz%;t;Y<b{c9 zxWiA+7oRhS8#vtC^04}P+g72Ey5s(ht;BU+*0amq@WDpuzui6Lw7LILySsmdBW^BN z(dF^}wssg_pU6|Xx9x@E%yK*MQ**F**Bn$9bzgR+T&%uV7QoG=(WPs1uZm2IU)z6M zcZPQWMQ+Y)qCcX>i+%Uc?yrByC?65GXIj6=G(ToIk4)L+KcB&VK4Fa`0tSutLK}Ua zt1dR(hf!JW_4ebu`{m|v$ndV}4tmoZF6)3g{0R=JUT$CIhJbNmn;hS~ow7Z@>`d}` zd#W<8+EaT`E!QrS5IbPYbafz^iSh z*_U|sl@4{j@=RigV~jQ{1Xk(%0c>KF^uW1CVu$WFe>MBaUI}3$C#!E=Dnayj>7u!4_R zyiV%MejsVHbA&#Bp1se~I@t#cYC@~|f(#)+EXTf5ma+f9(`KJoS||HHY>Vu=*{}y5 zpjenqu?%xfJeqMgn{=~YNK|5}5NC8^&mKBC(c34x`mGvXyJF%Vms|Bbzs5(HVYS@n ztaW71Z7kP(Rz)fp39~Df`O0TtzmngrY%pFwMg(I-yz27b;=0@`_%%zIec=ghTw}b9 zo>@Phh7X%)BW^DHC2v^@9Rrh3Eh2w@Gf(O4@mrWalKyFpfsAMk1aA3@**%?z(ib!Z zgH~}jD>B)7;yzgzL8;KM?16i50ZxnPA&G)?3BJp+E0oN5eu^IMcuG6tI3n|hMHHM@Cv@n!8Z`&c`=6+oOVi=+qbiG`nII5E|A59`Qw~SFr|>y6fb9b_m-qd zf#~Y^IzaH^@)pAr=yMSDRz#`z*DUFpBnc`a!4Gr+7bA93x(AF}0(W`hdzvT;g`TyV zgB4i3Bw^AAN-Y6)f-6sKfI>m5E9r6)JX5wdz!u44UeQS-xi^I^aki)%Z%EI&#A0k3 zOJD5L*|P90Pw#?3#)dpiiv6yXgw)#w3{g(o0=vbJldmo?AUz<0f<^dmZaj4Xf*RQh zlRJNZJ^SZ2AK#!T=9}dadz1ez76M42lNT>R78m~U>VeG2=lob#6q5;(D8M!n+bx8X zZZ91I;Tw~UFD3%FACt8&G=KWL#LsvUt?3xEgYBF33*Sr3cTGXfE>}C6CK6v?7^>|q zEXX&&gz$uM+p!HnM0-SXOxL&7vl(KjRwVZ`U583~;VBf)k?{Y-FERVXN-(c^m4B6(U2aPV3kU~P zeIt?5zPME7Z%LABd?cMkiS9g!mYDVr$sB_ur0dHO8Tj=%R%Z5@$|(h!6u$>1T6j8Y6> ze>^23+gfLEXp$tJWC)H#+UnYeVoeNbslIj|k$GG^2WbB~X(867;$P^)j6aBRCo{}7 z=~Y4&rYt1RF$(5jcV43hpe~BHmG`qKn1R{$y%_B5+w~ss@_&-Q@xOxX9zi+}llj92 z#DKIadXIQCA7rDQB!43rW??ehWuQF|ELhhAP8sPWB_m{vs?Q$X1Io`LNe)N8~bpRq|vgmDaj*jCw{woJG)?SOa59~l!{6H zu?gW5%RJxNUg7L}cG@N>*dsknI8^45Q2f6YL;J^;&i_|vCoIz)Ba|JFNO;>R9FCOM z<0jc+9M=Uj6CT-{(a;}dPm?Ko3@O@)|Hj`IJXlsey?;GLiQi_GY}V_D<|LDD%);>` zqe@iIp(NI?yDYOWc@{y*_;heUFIXVZ+7a>zWG_^WhRU-I2i?VB6q&w-D-?Z8da5}u z&2;>J6E081N8?cxs=>~;S&Ee<)ay8N4O7$D{E&pU0W_K(@cA8pRrou+ZQ20esg?*GB zplC=`uowqbiPm-DVINm9Yqu{bLZ!+)+JwS`OfjkBfB?41lq-i^QwTCH{t zgOu_~_BkShYc})UUpbcmFTr9f6e}}>o6DP<*?;VobhA>kQYm?HS?C~Q1X(^ZOev!q zC~7D9ikMmc**5>4;4&gICkdC}slT}uNNl09VcW%Lk|qEK&i!x&;+InO%EGB9LU$_O zvw!s2Wg%Sz)MFGS+oKqCxo8gjP#RS|m5VHyALF3O^r(vnD!!pThjSJilZZ?AmbTm8 za3PPdn_{+$&XoCyXJQ*v+uikxPcqmu*R;1sDvq^4A;*^aG`2k|h=f*45J$^-5^Z9L z`+=zv*-e!{kkr{7OBH~`;)Bdto00`mELnOsU$%)Q zJbr4&u}7jZFf|wgsY8=WH5z~LRqk{V?{a%Mk6IdEcZs~u7IP+q7K;&=bjn^xsvmWfL@TffIjjx|QlnYndF`4<{@B4E%o?H_eH2<8v#>i10_7RMsynUQAHa zL+xJe!oF-nk-ZJRR|@CRu-b@h^JG!7sw5ghELDiqMpP;jsw~3?-&+ap=k64CFT>kx zxYf<5wp8PrZpQ3}pDgD2UU0ll0PF@i?iOhfxmjn9Za`^FIvCPs$#`(@;8Q1_``i2L zLgB6qvS|2sK!Y&xFNJ?*V%dc7)x{eT0hPs6XnD6~zla_lYQLSWPWPL}gt*0*c{N05J0>9&_LSctjp^)?bx`B_ zHJ7r=qy7fsmH2`R*(|P`&lMa22MWHx%BEkVIZFz`Pjyg#RJxfpc5_oR;s-(gW37 zyh`JU6f2|;Mf&#Y=Kl7}*Z=k|&OcqhzdgUd{&F+xS8ODSJZ%b@2-Us?`^dGx4*-r^ zQJ=0po?m}R*VBHfKH@CH)e?LkRh-Y)H=oacmlbEfl!!P8q+k&NgyR98@{$nw#E7)J z%es7hLH2i?btqcBXKMiw{B%9Y2Pu4%#=0xn_EHK1yVkNl5MI19hbSc09n$Lv@c<3& z5fRKM0+I&IDEVMUL>guT8R48FQ0WKTcm%9Xbi{wNZqZhXG!4Hi*=k1OEfiY^24|gX;AM*FsYwuY?%(7rzxw=Pz47WpSxY0WAt;(r9zFl#r7!D&)m@_0nWG2L1@K@L4@Q}jX@4z` zk5)s72BOP|w7rx@HoR)@8>{qQvMPsQL3NgeWQ}RFTzl-Cu-CXpB7&ttrv0@9KJKX@ zSOXSS=%p_}9;)?XN2lYx1VlElAFRO&mDYc^65!ZjtiG7oNvm01qAY^Joz``kO6yx` zaD$rRb%8|lD``ylJ6Nt4I7=P|u0l&7k2Ku65aF^gGa4=Lkp{|cLl}mTlW2a`4-;Fo7y%fk)A3#cBHalbHg_mcXnZ39i2oSYTKU=A54C@- zwfJraD`{TYNNV>L)1*?kYf&H(SO`e!_S@2Sg8R8Uk?v)9OLw%M@+oMv_OdhZ-He5( z2B|U#UcRS z@f2Bb%Qd}Ag?X!*Z-yk%?Gd}kl6L+_7GE};9)c<(kq^z~5TGz7L!*vqt0^le2CI`S)$24N}@y38K=bxLxW@RHs~82%eGVtMR+`g6Y8 zEd9NpB~myAh+ltgv&>i)-Z<&cS(Zgk9yTr>WPCY=5B#qr`zT6R1AEyWjSu-RIS>zv zC`o7}%>Ed*BtB+839Fr;N;C?^vYri9+e)7Z)KJJdr8D2xv-#KJmw1n3jJa9n!b6;-ASsl3a0*iEx1{ zE&dq`&V;vIx8sj&oo29+HV_r>ACtr( zkXoqTvv+_0S6+|g7r*hEy%hq#2$MAN*m8c-Yel6*fUT^2qA4^YJWK0^;*GyqEQn#S z^x=@o5RXh(f4f2g}3FE1$NR3+jAT^Dp zB~ItlFdZf1Dk&*yX=qQ!*Ff-SKB7$TCVOH~`vK(pH>3I45;?vHG^BbH45Jknc3u-i zr5At1eVTVHg}K{V7Ad6<*wL&oBP3&Yk^J$UT|qvsi&zxw5I()kZosn?+c(+q?Kzq9 zZ02fz6jef3{E^IwSDTqS1d}ovD5Zi*83JoOT~(DeNL$)yu(S#+Z3rxVG+25CmOccQ zF&ZqR0?QZz%Nz}sS%GB^fn|*b%c{V#hQNQaM}uWoVA(@pIitaHDzKa(u-wsLxfNLM z09d2Bt%}zg;K!sy#ZasuWEAk4n)CE0&EwV}3IGS8&9g^pyTB|A-|Of^a44NNyN?zINH zE6o;S@3Kd*m|ZQ{A(BKM#GCvI#Q`Us%ed+&=C?6Q9(Qg)nqVmV)mJOdoZc4Y9Zwj9 zk(kEVFn1((NVjQ2!A^s>0rC*kea6)lh?K+#mEC8Qy@x~_sWOwTH<;th8w`I1S4VOj zr&B|Du1x@!`sjVY-Of6@tGLIv?uC-fNtf?Hm*M)RcwzDY2xU40@I2GYi^Fst@xw^$ zLxcga>d5^w1hbD}I%603^0c4cZLg7i=f!x1=svcW&DMz_ysQ8*g@)Ur#f!4ax@0M{ zcRWtSE-Z)?f;T*YUj;p{4OM?42dkdo5Ue~5MpncF=ozda$+k(r1Ma89R*JjZx@TFK zjoEpYWANdClno>q&G|&*_3B&n{W=jNkutLy||5Zf|TjjwqDu0sL3Eq~Wjl(QX>R zZ86`So1H|gHh$OqB|Ay}nZ7KX+3h25jFS~k^Gsv(G8KwhWFh*Fwx3&^+~9P^njjBF zQ@Y8%(&pX+_(ZslBiMgf9Z`*dV{}Ayfb0F(HlAGXQH+2T4o>BO(NWu_;vnk zB-qh{M1PpZV3mK+*sC~B#_X_b=~lXJ zFuUL7%3V~+A5nA8UDcS_#_2kpC?Wgn{tZxM8ye!NkH!}sRRvYtYp z-e)bmun1n64BUU`#YDLdUH_hB;d_TpZi%P>X1fT~p&RP8{3v=#+NxleiRnB)YPd~q zB=`nEh!^aGWcFqFoQx&d1=-w(Bw6S3#|Es@@ZY>&4p;NGYu=hrjl=4EON6*EyqEVknnlfByA_uOzba zne-oipMA*6^HGw#_%KZ4kgf`hA!RGEoiGqi|A#~tAKAH#&ifxj1uMEC#2pcbxNaY zNvTF-cbR_^Dm$`sN{Ei&DIwnC6YAZrZ|5FP6Kc2o#6%=v5oJ3#K(pOg4(405j z1eYLrqTi&0)x(BH1!pQ@J<4Lq4eD|8@W5OufOzg>x|&&-IqiBRH1}WnRr<6TJ~QgG zPZ@RI%h8Jd>*r6Of99>>7fyfnfzY45zoG+)!X$sMK!4`H2pdS`vry#-r~C*}?P7Y8 zAVDn&ll#Ilk`|C|A&fIn5~ug;cJo1E@RQZ6SDqGm zv=o1tlZ9!tY8!J4l;-DZw>D9+Vs0WFBg-$3tzep!w!|%!tBPeGD25EDX(dj{)Invp z7A(Vm}UM)Q}%9%zglkVX%G%s1;y;q&d1$edEa z@hDPvGGW4MXY@$P?ALWxqq{{JW(GL!E2DqT?|#XbI~fGH2wAYhhzziB{K7oLh!RV( zWb*50v-epcwz|r6aKQ@E6_DaLyIq0aZ$+kt zk996cngZVw$+G6H@{VPu0}6J5Rv%bz@|?L-;CX9rpy&mngYVuNq>rsFq_tq(0_9%|1Bjo=xPmnFkCc)W9JL8G(cE zS{e^9hn&EN-?e+%LCf%F*O*0ffDoN3gb5qHM(Y7!nkcgS(4yHnLPUX|c{&+%$ic0Q z6IditJU#}mW=bKmKJZw+a+$b;XDujl4QFeSZOX_K4`JD5FKYk7Yi%kOL`0xVJpCH$)52p~5^DZ`XgH&YOw6A%6u4 zv8{_*GTE58)SOZn*Vq|p2?v-wZA7_h1Ba7w?Csqr|JJh)!7%bMW=Bnh9{@22*u zr_wte?_bt@>_SLUR>Fm{*)q*F%hLo{vK#4lzvS815GX-msb^=qx80yhH`dF5DHbe( zC|z^kNriNa^w0GwbuNDZe8d-kxloc*3QRMZZ2pFq>jfPcaEvwiB%uyRDFARE8#}Ir zy(NHglz7ggrvlYMnri|_w*jkL>(O%yOqV8#?2bu<vnY5v3-BtPy^E&wfl_DV$nnXU$GU-fN_k*T>51r~tBb`0n^x-h^F zI&CJnZ+u})f7kQo?=pI9oEDK`I!W3q?}aP4*dW|SC(nOVrI#f)(yVMTh_I*>sd6m8 z-7%(jig+uq#0eSV{ z2=c4DgoOZl;A0cfRu(`@GmwuI-EmA^v0Y13u-^xHC(#02zV>(l*1!)JVfwN|9?&DZ z&9&%d+IfHbSPN0OG{^FR9#P$L zl}G_j^;H4cX2s5|2sR$YboIctt-!Ecs43)MtOd5_2GDjaVyyMR$K{d9l@YDTc6OE# zIy-y7ThsK`F>%`8`-=?~RfE1xIxK{cOPZY;7#e>D7?MGYWh$eH-N8df>=@H;C+M9R zR0H0k?8hX5nHE-6CBOjqK!bXK48up7q6SDKUAP6t5Wb6tjPPON!DtcDL+sHeU2jq^ zTJ;v*hQ6s7u4ZT|CWBIJU>*66YdWe+h6aH)hVWfHM1@bru6byX!H?o9D)e0&>i}EW z)qQ`%3^apGAbe*G;k$T<3QvCYmJ?~1Se)%!P`4Zxn+}A~bWO`qOxp$697E179x|0Y zs)Ywmpc{tnsJgD2Ah1bQxQdQ66CuMjAsj>aE*>(%4|3^j$pdJbg>~rYy6qyBdR>Ga z({`W=9WwW{28b+1zp}>CC^w;YcD4jh^ss+I>UfYY5s`oQ*I^{ES*k<8DP~~UP(`lc zTVz0t0}I-LO(tc|P}#fa_m;h<)Wwq@q@VE(0uAYYKvbWha>ise(*fMaEDB^??!AVNKzgP7#KScSj3ZB*fdp_OpR2{!K6zu zfZAW44#FMspv`h!TS;4%BFk${nK|>D{B7gHT2py1A16t1^>%AHZS1!rG7*0q`AHRV z4BMkn&HPCg5#9y2A&H?-vI|Qg>kdAsHR?^Yxuobx8)UqRGyg0jEl$t~k#f__U zvaDKH?fMeyfW5!6C(EdLrLPyI4!o7sKv@<-tAj&{c8Jitg2-b|Hy#hD1=~@k7~DTQ zMIgZMBMqw0B1j~1ObZ1|oC|;H0_=J03Ms~{NQos&5nxstTzP61lk;wkp&Wu{Iwe?z z^c}dONu-TiU3=KXmZ!b_l81k=2{)HFH}oRzZ6rew`=rba6&NQqoaYGpn+JLRm#i2=QKY(v z$c%lkG>poEZe+5o812co$8!uhgbrzKsmmSHdP9$cb>(D7O%x-*hUVCYsRzjPO{|-N zVF2CH5Jcz@7z{(zAW(nZz(>AnV^z^i3%X>qtOYtmu5$G|kct-!d%#HLSW0 zwt=dsW|UF#(zGXuw2)YWsoZ7^i>%sD|R|2DW_5MgevV)z>xb z+q#c|Y3inP5+JoegV+d&36tp;nILOqcB}&1aRLYw*Y-~Wq;7xfIxu`3Q?XnV7{CH_a!!Cc)hn8h1k$35zGmRtE}2myVCxz* zv8LM4N5Ifc{UksFT~`%Tg__|I$D-Sc>bsh$nJUQ)ZK$3ENS`zgAGoBE+lp>G7PJ9S z9G_IT4t&kF4g!A?sg~;dzG7>nb@;aFXc}qKmWpA3H2okRhM0~PK$G|j;?^|Ncc5bH zj-%=Z^ohqih}o0sfd*DAUo~wzz&i8+bQGXzuBBtwfrr500|g`3R$U!9wnEwy3QPss zK2$V>NQZq04A3GY0y`k112Qxq_UKx`)u67RfQ%9p1ss0@0|tTVD9{Wv-0+5_lhfMQwj)bNr%A@Fq! zHH82V6r_KUUnW6MMouOqxDSliuv|+si0)Jq0)jycTrx%?4w`raM}r54zU%0k>LXKkEEhN!Dh}3wc4*^*u4S1j8H%YI zR$SjOfvyHtV3AP{8F7F^yNbZnZJ!?hwk=}pWNv>6Fx0UD0v9U2d3ZRa`Rf?FWZ*|e z6snIMpaiN(JgK5UGSZ$3&fdpP;vLoA=T5?m=utz*u{G!bl}sKC(p6HE^y!xiDrrHM zX&e%Z1|T9+EToW@VgoXD!NgdRg?xxC!&LP{Vlj#RX*hs{u>xE&oicSR@J-jYEe)#3 zJSBfDKqvarp{50nt|P_>f>NXc0A$$xWcxs%Fs+R?{^MRfYI( z(p(RT#WpQ~T+;<)*l(y-KBqr z&8Kxh9bXlTv+ek>$NK0k(sa!5Qd~O!%Q=Lqk_| zGIlh5O(jD&L-$q9z^8&!H(X+FI3TldMKx^#D8Q}{T{6hAEQ0h@a6$x-PDbJ`sdofG z;INf7$It^uL8fAy3QlaQD6lM*Ofi2I3Kd$2*Z`SBka?ahztl7xPA6~`C9qvGcelvg z0T>QO0l>seUDGlAW8oab-wb3;7pzGfnku@u5Kv` zq-Ud%0$nBYW@mEJI4vC(D!t(6Xts|(<#%+ka~4UoiD8eUD!Z!@SVW>b zMkXh{JwVh*vNn2Orj6ni4S0V}N$r@`MPtu`$H8dD55+`r@{S)XPx2r{xmxP8{MBi{+If7f8ffM_bXRjf(CL*(&uiD5JGiAs5ipA>4(xjxBAbVZBpAg5K zOj4$kMgD3eR0<522P3P&le{D;UV70p4S|fmHPWl(%g(B?#MzfDu}pt?li*;p@Q6V? zHOpJflm`lHy%35%f3}0M$*W2KP%^*N1wXbrvFqi z(QQ*{Gg8*@s%DzU#RXoP(9cN54t$)@K&lCmjVg?rQ$H~_eVgx3)=m8O`RYDDM*K&)Z?7yEc1L< zWEYH2o$nY`qOXae+-^tkUwsfa#b6Ud&&uq66(!jZ-XgNlFZB;`e2!`-YvX@s~XV&*jqa@^fB( z?mW%~kQ8FpHOnIuu}(-Hp_p|o@^m5*33t~ls8FywAwh-0-L(kXi9{q)UW=e2aq`3j z6^WGBCTJHDksyD2&4LPr*b@>|D9B!mpq)tS;`6l#CK8=bOfZr7d~JetAt{FTYZgc- zu%D1XLZSUy1nNZ65EZaRHj$WsVzP-u1#FY83rTxG!A!)lBk1jmK6VVfTqTt5yiB*$ z>1Sl;0>BGV`NY&B7L!j}7h+NQ#1zmCu|Bw8rhq8|xb1)IV~P-Nxq5QiVm8t#K(D}X zJ(VdE7H+sQMFPY1RA!d|1H#SqQ>jp}xxp$G3OCnJrJVu{2x8Yyr9vU>2CGykh+RLG zb_y^cG+sZI3I)a+tWu%Sc>Pq`DS%kOy?)vg3b!{{dqM&C`f0CIfB|9r`l(bXh~Hq9 z3Wf3Or_z5;0eS@olu@QcXuzI|ln4$eqeQm+*A0AlxIuYs3I!V+q)nl4gYw$!1U@8y zp^P4TgfHx=&mI8`W%OFSQd2;XF+wBu*RxPy#8LDt6dJL=o;wAR3%b}}qe3AUN71NI z(8c~5?G$8iILH1<77FG#ijsxGIrdj_rywH)iWGlWvsjqOUV0S^6e+IAZm6O$CneM) z6mhbjdW2$5N~ot3sz~@s8P$jcuk5KBk?@r=s_B9%90@bi5C1&UYy3(Q?c&4r{I)U^ zj^~{hiqsr(sDzUf#P~o%z=gY*auPtRQRM{D7CF|$p%cU%ZiCTDAl`+e6U557ltR}D z;;Vneoy*1-NglsW0(3_NJ3&cG-Os#)rzQlRTrkg?<}DSz^G%SQX>B;MHP2_!kJX@_ zQn5SbVV0tGcB0I-#2zalJjEk*$^+cR=IlgAr+tsbXq~-+a>_%j4a3=qw(|Jc5To+} zufi3=->U~Jc`83;dQE@+By-rZc#u{4kY<1VRkh)2#?E64k>h7hdm-5sZ3mOx$t^_l z8&PKTEs@5OmE%CRaStn4NN@Wa&-YW?3HvtYdnfTpmG4rjWXCv$pXHcmIoQEjnQAYo zR1QZ`se3qbvhvF2#DnjR$D|wbduxzBHi1bW=Y(Pf!(TuAPQQ*=kyea;rpM3Y*++lM z;U|%%Ag8NJW2i^SGtDW7j>fX{G?^h5oJ_e8%}T~#$-8W!hOU3FlSLZv^ZR{b>Q7pizCeE=^eW$=9P@-FJuH6A6OmQ^hd!vd$N#|R2dn%K zeXMVf|A9~6Rrw$Ku-qR110QH({3BE|fLy=K^B3GF^ACEmp=9gz7yI~HFTi-SeOvuX zrSWDAu?sQ8ag?vbXatl`!UXQj=)NjL23>wxMl&)>wf!ay@e4F$kX5hHXhwfn?J5?r*`cw{`j)xc+*mB7T1(>Q%<1QK|Rtz62if^fgPX-UKP$UZm2x1Ko z&#!2t>vMHqQxy~d4V$V0Ut=xVmPQ6~(15xNT}?HJfR3psj_J?1d`n>Qg%X*oFGEjv0!f zJ(Xj8U1(4Hu$&zFQ#*nthyK)#d&!|cwR2SM=#Tr2+dyn&l4a_)s*`_-38u%Ed`t78 zX_?ShZ3S5hK56i#p(_gUS7b;A9mjGsWSOQ$WHBMqEyFr#@ID#2s`S<<)i+$*#x}jz zgTbqxif|@O0geBPnCVGlx{tRV3EArX2{E2Wg&*P zFMiq!d{)1YwHNw~5UYO)em3k@-hF)yyO;M(R(zfnpNk*#5xCKJ&_%w(MJ*o=l9hCO zSg89B;Qm+t4i~a;z(`g?e&DF%%HUCM3LY+I{UIe;iT4gIiC;Fnw=q&Uda>OAAuT>i z(%F3sLe}K}u>q?z{5RjH|LfQLfBgJYVdtu2ON$?BDDP~oU$|tGES+-LCKf_w?w|+T zQZ?7Hm*3Qu&-aY7td+aecd507>DEq`rTHfM+6;B%wxp7};z=!nH2J9*8nUkXDzV-! z@p=)x)EqR)j3xOg!Su%3%Fzy%mW6@j@4tcvO!CIh+u((hkX{}OgCOoiA{Iy3^6;dS zxn3WC@z4wDr=tvG9!C|RXRv}K+a@6@c)NaS5^G2wOV6NIVv|C6Q!bESkkwrzx}lnBB89A@-3>&2Ee2 zA>DsT;kz`1PcO3@@GQcQf1$LAu_V)Nxoi}iJ%YvTYJq8d@-Auj&Tk83=e+*!RWwV( zbb4o`O$T6CRm|xT_yB*{Hb$xwsG8*m79@;ydNZwMDfBAG=@F0$ zptofJO}A{Q;~=nYU~48ceY(G5xYHvDd=r?!aCBYMZLAVwuoTyTt_jI26ijCag>OR# zf1oPLh%WLY4Y)zzm_F217izA}PLkQS;+W7^f8VSqwz%OmPiBmVDYYwuNKt~`@9pBJQWSFky(EArnR|S*vH<76+x}hM$u^dw+ z4#xq8?b?>AIs0xIe*`F|l^ z17wiCZ*u!HUF_>vL%Ly_ifYq)z+57^gK^;d`t!^0nv*VX!_**5yYzYb>bQw%m`kG)3`a5E`8`ubz{VVymaDw#M80m%m7rF0tc zIN@E4EuR3bOEF{w5F()@RU(P(0+Otfc#Qu3v-AY73lONeBNHkWp#}nCVkOrb9e-vU z4CRD1hZRbW)sP(S$0C2_z<#u0bos!z#Iy+vc$-Q*cHZWwP0r+NXWIY2`df! zBRnay8mn3eCLul|R>A@fO{2w%B z7Rf0E$2765MEQh92~9f2O3M#q5#wpfVdxcBG=<=E#T=)C{uF<(hSkPfH6cwCk*Hiv zj0ss*iUS!NApz7g&@r2irXoVefJ_cs*x8J%#i+nlMjj7zAN7}LT4$%jbTm}}YJl;v;xY3;rZjwD&PM3% zD>7n2ntCru6uy6!QM!;2f%0)s0sZrs%!K?YGD1p51}?F;1XkBZ695iLT3Wy$fajc9KOIf2h-67AWO2kS;Ic%VVj>40JXL>kLVMpDfXdRDCs~G6&yWZj z2oqVB4^fH<`BMi7u0{DER*-eV14ao%Ee=#n`Eu$RWKkQ4>H^kc#Cnp|_u;@e)R$IYOy3Kq{=DDx9nwa+e9=(`1yC0H{?) z1TBr5v^Vgi38)_tHcZG%Q4aMdmL!ylkx`0CC}TAOfG-@M>1dj5>AdDRV-{(2N~ISW z;y(#kugi9veE*>R-%h}A1HezaQ}Z&auN~m}Wxao)yT$6CQg}_zM`%NxI~xJ@$@y;h zxB7VYdvkoXS1or@&FNl^+)!2NvAWJNszi@fejYFT>?^z+qkOZkB=h1r%)uJS@yaO& zOC&#D7TKXIln$gXU8YN$ukxwGTgd;Gs?0+YOFxfoX!5;|X#*U#Lou&hmqU)#kenU$ zr-y%AbvS>a!*u8FpSQ0QT~|bR`tHPU?v_kDJ)leX|~1nRTyDn|056Z`KF%zHXi~_SAv9d=t8xt+Nc*uNSU% zPuPh8x6L~)m)_zL9(#Ge=(Y>_zzbW?m-l~j%=3Nq_@lgmEybtx8kYBU-{Y;o?ozkN zQSp)dW=BJ6!s)hTcRR9>)Y?KZ*D;|@tKO5tRJ%;`yx2Av%`S{l=W6tByn834T^O(~ zQ@1DhT^{FtN&vg;xdubx1%dBfA9AwFgMF*pj^&WU-ar37#l45%eh%fZU&M)2#dCjn zh)-or7O<(sU#nHR)F0Nfm74B(J=;w=oL$3UKjRRxj^qI!5w@Qo?7736w~KF?!xbFv zB0sL~7EKlUpgZo~*hpN{yqulC4)1N0{@e1A;^y|Hba%glBd#wO(fR3iQ96vTkK`%s z+jc^6X1*PGQylnAYzy%?}yQ15>v7&nK{-k67b?fL^0L(?;LsDvO|ee}+RUmz$q*L%=w)O%89~PT8EFw_D)8lOQ4A6D`b><%)ZkKUuAPx9yi)(GQlO;A| OP8ZsMzyAQb>|`^NP_>`{ diff --git a/docs/py-modindex.html b/docs/py-modindex.html index 923a1db42d..3792528cbe 100644 --- a/docs/py-modindex.html +++ b/docs/py-modindex.html @@ -9,7 +9,7 @@ - Python Module Index — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index b386826388..f7a02d7e50 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index f8ee811f48..b343461782 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 01cf608ce9..413f89600e 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index ef0d5dee2c..a3c879f783 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index b93cc2671f..695636ce23 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+b50290d documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    @@ -609,7 +610,7 @@

    Functions
    -torch_tensorrt.ts.TensorRTCompileSpec(inputs: typing.Optional[typing.List[torch.Tensor | torch_tensorrt._Input.Input]] = None, input_signature: typing.Optional[typing.Any] = None, device: torch.device | torch_tensorrt._Device.Device = Device(type=DeviceType.GPU, gpu_id=0), disable_tf32: bool = False, sparse_weights: bool = False, enabled_precisions: typing.Optional[typing.Set[torch.dtype | torch_tensorrt._C.dtype]] = None, refit: bool = False, debug: bool = False, capability: torch_tensorrt._C.EngineCapability = <EngineCapability.default: 0>, num_avg_timing_iters: int = 1, workspace_size: int = 0, dla_sram_size: int = 1048576, dla_local_dram_size: int = 1073741824, dla_global_dram_size: int = 536870912, truncate_long_and_double: bool = False, calibrator: object = None, allow_shape_tensors: bool = False) <torch.ScriptClass object at 0x7f132f8f8030>[source]
    +torch_tensorrt.ts.TensorRTCompileSpec(inputs: typing.Optional[typing.List[torch.Tensor | torch_tensorrt._Input.Input]] = None, input_signature: typing.Optional[typing.Any] = None, device: torch.device | torch_tensorrt._Device.Device = Device(type=DeviceType.GPU, gpu_id=0), disable_tf32: bool = False, sparse_weights: bool = False, enabled_precisions: typing.Optional[typing.Set[torch.dtype | torch_tensorrt._C.dtype]] = None, refit: bool = False, debug: bool = False, capability: torch_tensorrt._C.EngineCapability = <EngineCapability.default: 0>, num_avg_timing_iters: int = 1, workspace_size: int = 0, dla_sram_size: int = 1048576, dla_local_dram_size: int = 1073741824, dla_global_dram_size: int = 536870912, truncate_long_and_double: bool = False, calibrator: object = None, allow_shape_tensors: bool = False) <torch.ScriptClass object at 0x7f664c6a6330>[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 f4ea6db822..b36c5076e3 100644 --- a/docs/search.html +++ b/docs/search.html @@ -9,7 +9,7 @@ - Search — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Search — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -301,6 +301,7 @@

    Indices

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

    Indices

    diff --git a/docs/src/pytorch-sphinx-theme/docs/configuring.html b/docs/src/pytorch-sphinx-theme/docs/configuring.html index 1c03ce006d..01f39f4582 100644 --- a/docs/src/pytorch-sphinx-theme/docs/configuring.html +++ b/docs/src/pytorch-sphinx-theme/docs/configuring.html @@ -10,7 +10,7 @@ - Configuration — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Configuration — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -302,6 +302,7 @@

    Indices

    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/api.html b/docs/src/pytorch-sphinx-theme/docs/demo/api.html index c569774dec..3465f47cb1 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/api.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/api.html @@ -10,7 +10,7 @@ - 5. :mod:`test_py_module` — Torch-TensorRT v2.2.0.dev0+b50290d documentation + 5. :mod:`test_py_module` — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -302,6 +302,7 @@

    Indices

    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/demo.html b/docs/src/pytorch-sphinx-theme/docs/demo/demo.html index c5bb04a5f3..67411c87f4 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/demo.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/demo.html @@ -12,7 +12,7 @@ - 3. Paragraph Level Markup — Torch-TensorRT v2.2.0.dev0+b50290d documentation + 3. Paragraph Level Markup — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    @@ -582,7 +583,7 @@

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+b50290d.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+65feab1.tar-gz
    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 7aafe5496f..74d8292d35 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+b50290d documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+65feab1 documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -302,6 +302,7 @@

    Indices

    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 59f808985e..d6ca54a94e 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+b50290d documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -302,6 +302,7 @@

    Indices

    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 92c5466376..8f660c6dff 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+b50290d documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -302,6 +302,7 @@

    Indices

    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index a7d2e9a58e..0b998c6ea3 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+b50290d documentation + <no title> — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -302,6 +302,7 @@

    Indices

    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index e6ea516166..2745038408 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Installation — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -302,6 +302,7 @@

    Indices

    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 6c8317cef4..c32ed895df 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -302,6 +302,7 @@

    Indices

    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 46c06feb0b..6a44c02bb0 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 68385c6db4..14e3db2235 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 3cb2c100af..28828693ee 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 0144d4ae15..ba408e0290 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -302,6 +302,7 @@

    Indices

    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 2ecaddd305..701582bf25 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 80ebef3c86..39d20bdbf3 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 043567a347..cb521d5917 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 5ab7b8dae9..a1297dd398 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index a70f149e28..f419317b75 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 015a5d0b95..e9dbf180dc 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index f28c094938..a9673726c3 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+b50290d documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 97e2e5926a..80c0c3c9a8 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+b50290d documentation + DLA — Torch-TensorRT v2.2.0.dev0+65feab1 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+b50290d + v2.2.0.dev0+65feab1
    @@ -304,6 +304,7 @@

    Indices

    From 3c4c2fe46073a312a6c14625ef6ef3572906627b Mon Sep 17 00:00:00 2001 From: Bo Wang Date: Wed, 2 Aug 2023 15:51:54 -0700 Subject: [PATCH 08/62] support for torch.ops.aten.erf.default op --- .../dynamo/conversion/aten_ops_converters.py | 23 ++++++-- .../dynamo/conversion/impl/unary/ops.py | 17 ++++++ tests/py/dynamo/conversion/test_erf_aten.py | 52 +++++++++++++++++++ 3 files changed, 89 insertions(+), 3 deletions(-) create mode 100644 tests/py/dynamo/conversion/test_erf_aten.py diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index 19f273ba3f..b0f718256f 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -329,6 +329,23 @@ def aten_ops_squeeze( return impl.squeeze.squeeze(network, target, SourceIR.ATEN, name, args[0], args[1]) +@dynamo_tensorrt_converter(torch.ops.aten.erf.default) # type: ignore[misc] +def aten_ops_erf( + network: TRTNetwork, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.unary.erf( + network, + target, + SourceIR.ATEN, + name, + args[0], + ) + + @dynamo_tensorrt_converter(torch.ops.aten.unsqueeze.default) # type: ignore[misc] def aten_ops_unsqueeze( network: TRTNetwork, @@ -357,14 +374,14 @@ def aten_ops_softmax( @dynamo_tensorrt_converter( torch.ops.aten.split.Tensor, capability_validator=dynamic_unsupported_with_args([1]) -) +) # type: ignore[misc] @dynamo_tensorrt_converter( torch.ops.aten.split.sizes, capability_validator=dynamic_unsupported_with_args([1]) -) +) # type: ignore[misc] @dynamo_tensorrt_converter( torch.ops.aten.split_with_sizes.default, capability_validator=dynamic_unsupported_with_args([1]), -) +) # type: ignore[misc] def aten_ops_split( network: TRTNetwork, target: Target, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/unary/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/unary/ops.py index a91efac621..1a52ae7dc6 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/unary/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/unary/ops.py @@ -401,3 +401,20 @@ def neg( return convert_unary( network, target, source_ir, name, trt.UnaryOperation.NEG, input_val ) + + +def erf( + network: TRTNetwork, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input_val: TRTTensor, +) -> TRTTensor: + if (isinstance(input_val, TRTTensor)) and ( + input_val.dtype == trt.int8 or input_val.dtype == trt.int32 + ): + input_val = cast_trt_tensor(network, input_val, trt.float32, name) + + return convert_unary( + network, target, source_ir, name, trt.UnaryOperation.ERF, input_val + ) diff --git a/tests/py/dynamo/conversion/test_erf_aten.py b/tests/py/dynamo/conversion/test_erf_aten.py new file mode 100644 index 0000000000..e50deeb5bb --- /dev/null +++ b/tests/py/dynamo/conversion/test_erf_aten.py @@ -0,0 +1,52 @@ +import torch +import torch.nn as nn +from parameterized import parameterized +from torch.testing._internal.common_utils import run_tests +from torch_tensorrt import Input + +from .harness import DispatchTestCase + + +class TestErfConverter(DispatchTestCase): + @parameterized.expand( + [ + ("2d_dim_dtype_float", (2, 2), torch.float), + ("3d_dim_dtype_float", (2, 2, 2), torch.float), + ("2d_dim_dtype_half", (2, 2), torch.half), + ("3d_dim_dtype_half", (2, 2, 2), torch.half), + ] + ) + def test_erf_float(self, _, x, type): + class erf(nn.Module): + def forward(self, input): + return torch.erf(input) + + inputs = [torch.randn(x, dtype=type)] + self.run_test( + erf(), + inputs, + precision=type, + expected_ops={torch.ops.aten.erf.default}, + ) + + @parameterized.expand( + [ + ("2d_dim_dtype_int32", (2, 2), torch.int32, 0, 5), + ("3d_dim_dtype_int32", (2, 2, 2), torch.int32, 0, 5), + ] + ) + def test_erf_int(self, _, x, type, min, max): + class erf(nn.Module): + def forward(self, input): + return torch.erf(input) + + inputs = [torch.randint(min, max, x, dtype=type)] + self.run_test( + erf(), + inputs, + expected_ops={torch.ops.aten.erf.default}, + ) + + +if __name__ == "__main__": + run_tests() From ecdc040aec3902cbc396648043f54c96e6a91ee7 Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Mon, 25 Sep 2023 09:08:43 -0700 Subject: [PATCH 09/62] fix: Update Torchvision version to address dependency resolution issue (#2339) --- py/requirements.txt | 2 +- pyproject.toml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/py/requirements.txt b/py/requirements.txt index 09b9a39aa3..f690e1a030 100644 --- a/py/requirements.txt +++ b/py/requirements.txt @@ -3,7 +3,7 @@ packaging pybind11==2.6.2 --extra-index-url https://download.pytorch.org/whl/nightly/cu121 torch>=2.2.0.dev,<2.3.0 -torchvision>=0.16.0.dev,<0.17.0 +torchvision>=0.17.0.dev,<0.18.0 --extra-index-url https://pypi.ngc.nvidia.com tensorrt==8.6.1 pyyaml diff --git a/pyproject.toml b/pyproject.toml index 27af0da9cd..394dc6a60e 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -52,7 +52,7 @@ dependencies = [ dynamic = ["version"] [project.optional-dependencies] -torchvision = ["torchvision >=0.16.dev,<0.17.0"] +torchvision = ["torchvision >=0.17.dev,<0.18.0"] [project.urls] Homepage = "https://pytorch.org/tensorrt" From 7daa1120dc1bc72d6f92f1e7aa2b357a65b6ea08 Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Tue, 26 Sep 2023 14:45:57 -0700 Subject: [PATCH 10/62] fix: Remove input aliasing of builtin ops (#2276) --- py/torch_tensorrt/dynamo/backend/backends.py | 67 +++----------- py/torch_tensorrt/dynamo/lowering/__init__.py | 1 + .../dynamo/lowering/_repair_input_aliasing.py | 38 ++++++++ .../lowering/passes/_aten_lowering_pass.py | 2 + .../lowering/passes/constant_folding.py | 7 +- .../dynamo/lowering/passes/pass_utils.py | 31 +++++++ .../remove_input_alias_fixing_clones.py | 43 +++++++++ .../lowering/passes/repair_input_as_output.py | 20 ++-- .../dynamo/backend/test_specialized_models.py | 91 +++++++++++++++++++ tests/py/dynamo/testing_utilities.py | 13 ++- 10 files changed, 238 insertions(+), 75 deletions(-) create mode 100644 py/torch_tensorrt/dynamo/lowering/_repair_input_aliasing.py create mode 100644 py/torch_tensorrt/dynamo/lowering/passes/pass_utils.py create mode 100644 py/torch_tensorrt/dynamo/lowering/passes/remove_input_alias_fixing_clones.py diff --git a/py/torch_tensorrt/dynamo/backend/backends.py b/py/torch_tensorrt/dynamo/backend/backends.py index 022f3b193d..f8508d752e 100644 --- a/py/torch_tensorrt/dynamo/backend/backends.py +++ b/py/torch_tensorrt/dynamo/backend/backends.py @@ -2,17 +2,19 @@ import logging import unittest -from typing import Any, Callable, Dict, Optional, Sequence +from typing import Any, Callable, Sequence import torch import torch._dynamo as td -import torch.utils._pytree as pytree from torch._dynamo.utils import detect_fake_mode -from torch._functorch.aot_autograd import _aot_export_function -from torch._ops import OpOverload +from torch._functorch.aot_autograd import aot_export_joint_simple from torch_tensorrt.dynamo import CompilationSettings from torch_tensorrt.dynamo.compile import compile_module -from torch_tensorrt.dynamo.lowering import apply_lowering_passes, get_decompositions +from torch_tensorrt.dynamo.lowering import ( + apply_lowering_passes, + get_decompositions, + repair_input_aliasing, +) from torch_tensorrt.dynamo.lowering._pre_aot_lowering import pre_aot_substitutions from torch_tensorrt.dynamo.utils import parse_dynamo_kwargs, set_log_level @@ -71,10 +73,13 @@ def _pretraced_backend( with unittest.mock.patch.object( fake_mode, "allow_non_fake_inputs", True ), fake_mode: + repair_input_aliasing(gm) + # Invoke AOTAutograd to translate operators to aten - gm = aot_export_for_compile( + gm = aot_export_joint_simple( gm, sample_inputs, + trace_joint=False, decompositions=get_decompositions( settings.enable_experimental_decompositions ), @@ -107,53 +112,3 @@ def _pretraced_backend( + "specify pass_through_build_failures=False." ) raise - - -def aot_export_for_compile( - func: torch.fx.GraphModule, - args: Sequence[torch.Tensor], - *, - decompositions: Optional[Dict[OpOverload, Callable[[Any], Any]]] = None, -) -> torch.fx.GraphModule: - """Adapted from: - https://github.com/pytorch/pytorch/blob/1a5fdc2458b98697c75c32eb6f4b8b34d76429cf/torch/_functorch/aot_autograd.py#L4084-L4158 - - Removed check for input aliasing in resultant subgraph - TRT is functional-only - - Exports the function to ATen for torch compile - """ - # Trace function with input arguments and decompositions - with torch.no_grad(): - fx_g, metadata, in_spec, out_spec = _aot_export_function( - func, - args, - decompositions=decompositions, - ) - - # No input mutations - if ( - len([x for x in metadata.input_info if x.mutates_data or x.mutates_metadata]) - != 0 - ): - raise RuntimeError( - f"aot_export_joint_simple does not support input mutations. {str(metadata)}" - ) - # No pytrees - if type(in_spec) == pytree.LeafSpec: - raise RuntimeError( - f"aot_export_for_compile requires inputs to be a single list/tuple. in_spec={str(in_spec)}" - ) - if len([x for x in in_spec.children_specs if type(x) != pytree.LeafSpec]) != 0: - raise RuntimeError( - f"aot_export_for_compile requires individual inputs not to be pytrees. in_spec={str(in_spec)}" - ) - if type(out_spec) == pytree.LeafSpec: - raise RuntimeError( - f"aot_export_for_compile requires outputs to be a single list/tuple. out_spec={str(out_spec)}" - ) - if len([x for x in out_spec.children_specs if type(x) != pytree.LeafSpec]) != 0: - raise RuntimeError( - f"aot_export_for_compile requires individual outputs not to be pytrees. out_spec={str(out_spec)}" - ) - - return fx_g diff --git a/py/torch_tensorrt/dynamo/lowering/__init__.py b/py/torch_tensorrt/dynamo/lowering/__init__.py index 34faa1d11b..2b67ef0c91 100644 --- a/py/torch_tensorrt/dynamo/lowering/__init__.py +++ b/py/torch_tensorrt/dynamo/lowering/__init__.py @@ -2,5 +2,6 @@ from ._fusers import * # noqa: F401 from ._pre_aot_lowering import SUBSTITUTION_REGISTRY # noqa: F401 from ._pre_aot_lowering import register_substitution # noqa: F401 +from ._repair_input_aliasing import repair_input_aliasing from .passes import apply_lowering_passes from .substitutions import * # noqa: F401 diff --git a/py/torch_tensorrt/dynamo/lowering/_repair_input_aliasing.py b/py/torch_tensorrt/dynamo/lowering/_repair_input_aliasing.py new file mode 100644 index 0000000000..04098e99ca --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/_repair_input_aliasing.py @@ -0,0 +1,38 @@ +import logging + +import torch +from torch_tensorrt.dynamo.lowering.passes.pass_utils import get_tensor_placeholders + +logger = logging.getLogger(__name__) + + +def repair_input_aliasing(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + """Inserts clone operators temporarily ahead of every placeholder + + See: https://github.com/pytorch/pytorch/issues/108079 + Undone by `remove_input_alias_fixing_clones` after tracing + """ + # Extract graph placeholder Tensors + placeholders = get_tensor_placeholders(gm) + + for node in placeholders: + # Insert clones for placeholder nodes to avoid + # input aliasing or mutation + with gm.graph.inserting_after(placeholders[-1]): + cloned_input = gm.graph.call_function( + torch.ops.aten.clone.default, + args=(node,), + ) + + # Replace all uses of the placeholder except the cloned node + # with the cloned placeholder + node.replace_all_uses_with( + cloned_input, + delete_user_cb=lambda node: node != cloned_input, + ) + + gm.graph.lint() + gm.recompile() + logger.debug(f"Inserted auxiliary clone nodes for placeholders:\n{gm.graph}") + + return gm diff --git a/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py b/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py index a4c7fad607..43d70a4cac 100644 --- a/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py +++ b/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py @@ -5,10 +5,12 @@ from .constant_folding import constant_fold from .pass_manager import DynamoPassManager +from .remove_input_alias_fixing_clones import remove_input_alias_fixing_clones from .repair_input_as_output import repair_input_as_output ATEN_LOWERING_PASSES = DynamoPassManager.build_from_passlist( [ + remove_input_alias_fixing_clones, constant_fold, repair_input_as_output, ] diff --git a/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py b/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py index d17d0a2528..ea2547f6bf 100644 --- a/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py +++ b/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py @@ -2,6 +2,9 @@ import torch from torch_tensorrt._utils import sanitized_torch_version +from torch_tensorrt.dynamo.lowering.passes.pass_utils import ( + clean_up_graph_after_modifications, +) from packaging import version @@ -47,9 +50,7 @@ def constant_fold(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: for node in erased_params: gm.graph.erase_node(node) - gm.graph.eliminate_dead_code() - gm.graph.lint() - gm.recompile() + gm = clean_up_graph_after_modifications(gm) logger.debug(f"Graph after constant folding:\n{gm.graph}") diff --git a/py/torch_tensorrt/dynamo/lowering/passes/pass_utils.py b/py/torch_tensorrt/dynamo/lowering/passes/pass_utils.py new file mode 100644 index 0000000000..31a55099c2 --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/passes/pass_utils.py @@ -0,0 +1,31 @@ +from typing import List + +import torch + + +def clean_up_graph_after_modifications( + gm: torch.fx.GraphModule, +) -> torch.fx.GraphModule: + """Runs dead-code elimination, linting, and recompilation for graph, in-place""" + gm.graph.eliminate_dead_code() + gm.graph.lint() + gm.recompile() + return gm + + +def get_tensor_placeholders( + gm: torch.fx.GraphModule, +) -> List[torch.fx.Node]: + """Returns placeholder nodes of GraphModule which are torch.Tensor types""" + # Tensor placeholders must be subclasses of torch.Tensor + placeholders = [ + node + for node in gm.graph.nodes + if ( + node.op == "placeholder" + and isinstance(node.type, type) + and issubclass(node.type, torch.Tensor) + ) + ] + + return placeholders diff --git a/py/torch_tensorrt/dynamo/lowering/passes/remove_input_alias_fixing_clones.py b/py/torch_tensorrt/dynamo/lowering/passes/remove_input_alias_fixing_clones.py new file mode 100644 index 0000000000..dce88ad109 --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/passes/remove_input_alias_fixing_clones.py @@ -0,0 +1,43 @@ +import logging + +import torch +from torch_tensorrt.dynamo.lowering.passes.pass_utils import ( + clean_up_graph_after_modifications, +) + +logger = logging.getLogger(__name__) + + +# TODO: Delete this lowering pass once aot_export_joint_simple is patched +def remove_input_alias_fixing_clones(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + """Remove the auxiliary clone nodes inserted to fix input aliasing + + See: https://github.com/pytorch/pytorch/issues/108079 + """ + modified_graph = False + + for node in gm.graph.nodes: + # If the node is a placeholder and its only user is a clone node + # it was modified by the input alias-fixing pass, and the change + # needs to be undone + if ( + node.op == "placeholder" + and len(node.users) == 1 + and list(node.users)[0].target == torch.ops.aten.clone.default + ): + modified_graph = True + + # Replace all uses of the clone with the placholder, delete the clone + clone_node = list(node.users)[0] + logger.debug( + f"Removing node {clone_node} from graph, since it is a clone node which " + f"is the only user of placeholder {node} and was inserted by the compiler." + ) + clone_node.replace_all_uses_with(node) + gm.graph.erase_node(clone_node) + + if modified_graph: + gm = clean_up_graph_after_modifications(gm) + logger.debug(f"Removed auxiliary clone nodes for placeholders:\n{gm.graph}") + + return gm diff --git a/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py b/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py index 6ce846637d..ec2f5b0ae0 100644 --- a/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py +++ b/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py @@ -1,6 +1,10 @@ import logging import torch +from torch_tensorrt.dynamo.lowering.passes.pass_utils import ( + clean_up_graph_after_modifications, + get_tensor_placeholders, +) logger = logging.getLogger(__name__) @@ -13,15 +17,7 @@ def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: modified_graph = False # Extract graph placeholder Tensors - placeholders = [ - node - for node in gm.graph.nodes - if ( - node.op == "placeholder" - and isinstance(node.type, type) - and issubclass(node.type, torch.Tensor) - ) - ] + placeholders = get_tensor_placeholders(gm) for placeholder in placeholders: # If any placeholder has any users which are direct graph outputs @@ -34,7 +30,7 @@ def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: direct_outputs = [user for user in placeholder.users if user.op == "output"] # Insert clone node for placeholder to ensure placeholder is not a direct output - with gm.graph.inserting_after(placeholder): + with gm.graph.inserting_after(placeholders[-1]): cloned_placeholder = gm.graph.call_function( torch.ops.aten.clone.default, args=(placeholder,), @@ -45,9 +41,7 @@ def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: output.replace_input_with(placeholder, cloned_placeholder) if modified_graph: - gm.graph.eliminate_dead_code() - gm.graph.lint() - gm.recompile() + gm = clean_up_graph_after_modifications(gm) logger.debug(f"Graph after repair_input_as_output:\n{gm.graph}") return gm diff --git a/tests/py/dynamo/backend/test_specialized_models.py b/tests/py/dynamo/backend/test_specialized_models.py index af90fd0b3a..d32171e48b 100644 --- a/tests/py/dynamo/backend/test_specialized_models.py +++ b/tests/py/dynamo/backend/test_specialized_models.py @@ -57,6 +57,7 @@ def forward(self, x): self.assertAlmostEqual( max_diff, 0, + DECIMALS_OF_AGREEMENT, msg=f"MulInt TRT outputs don't match with the original model.", ) torch._dynamo.reset() @@ -113,6 +114,7 @@ def forward(self, x): self.assertAlmostEqual( max_diff, 0, + DECIMALS_OF_AGREEMENT, msg=f"AddFloat TRT outputs don't match with the original model.", ) @@ -273,5 +275,94 @@ def forward(self, x): torch._dynamo.reset() +class TestInputModifications(TestCase): + def test_input_modifications_add(self): + class InplaceAdd(torch.nn.Module): + def forward(self, x): + x += 3 + y = x + 1 + return y + + inputs = [ + torch.rand( + 3, + 5, + 7, + ).cuda(), + ] + + fx_graph = torch.fx.symbolic_trace(InplaceAdd()) + + # Validate that the results between Torch and Torch-TRT are similar + optimized_model = torch_tensorrt.compile( + fx_graph, + "torch_compile", + inputs, + min_block_size=1, + pass_through_build_failures=True, + ) + optimized_model_results = optimized_model(*inputs).detach().cpu() + torch_model_results = fx_graph(*inputs).detach().cpu() + + max_diff = float( + torch.max(torch.abs(optimized_model_results - torch_model_results)) + ) + self.assertAlmostEqual( + max_diff, + 0, + DECIMALS_OF_AGREEMENT, + msg=f"InplaceAdd TRT outputs don't match with the original model.", + ) + torch._dynamo.reset() + + def test_input_modifications_mul(self): + class InplaceMul(torch.nn.Module): + def forward(self, x, y): + x *= 5.0 + x *= 1.9 + z = x + y + z /= 1.3 + return z + + inputs = [ + torch.rand( + 1, + 3, + 5, + 7, + ).cuda(), + torch.rand( + 1, + 3, + 5, + 7, + ).cuda(), + ] + + fx_graph = torch.fx.symbolic_trace(InplaceMul()) + + # Validate that the results between Torch and Torch-TRT are similar + optimized_model = torch_tensorrt.compile( + fx_graph, + "torch_compile", + inputs, + min_block_size=1, + pass_through_build_failures=True, + ) + optimized_model_results = optimized_model(*inputs).detach().cpu() + torch_model_results = fx_graph(*inputs).detach().cpu() + + max_diff = float( + torch.max(torch.abs(optimized_model_results - torch_model_results)) + ) + self.assertAlmostEqual( + max_diff, + 0, + DECIMALS_OF_AGREEMENT, + msg=f"InplaceMul TRT outputs don't match with the original model.", + ) + torch._dynamo.reset() + + if __name__ == "__main__": run_tests() diff --git a/tests/py/dynamo/testing_utilities.py b/tests/py/dynamo/testing_utilities.py index af5336813f..344cd6bc1d 100644 --- a/tests/py/dynamo/testing_utilities.py +++ b/tests/py/dynamo/testing_utilities.py @@ -5,9 +5,13 @@ import torch from torch._dynamo.utils import detect_fake_mode +from torch._functorch.aot_autograd import aot_export_joint_simple from torch_tensorrt.dynamo import partitioning -from torch_tensorrt.dynamo.backend.backends import aot_export_for_compile -from torch_tensorrt.dynamo.lowering import apply_lowering_passes, get_decompositions +from torch_tensorrt.dynamo.lowering import ( + apply_lowering_passes, + get_decompositions, + repair_input_aliasing, +) from torch_tensorrt.dynamo.lowering._pre_aot_lowering import pre_aot_substitutions DECIMALS_OF_AGREEMENT = 4 @@ -39,10 +43,13 @@ def fx_dynamo_testing_backend( with unittest.mock.patch.object( fake_mode, "allow_non_fake_inputs", True ), fake_mode: + repair_input_aliasing(gm) + # Invoke AOTAutograd to translate operators to aten - gm = aot_export_for_compile( + gm = aot_export_joint_simple( gm, sample_inputs, + trace_joint=False, decompositions=get_decompositions(), ) From b2aa2556d6fe352d0cc22924fb78c1995b984b54 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Tue, 26 Sep 2023 22:03:15 +0000 Subject: [PATCH 11/62] docs: [Automated] Regenerating documenation for 7daa112 Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 228 insertions(+), 228 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 8e2c412f60..cde380d074 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index b1eae64fe7..1e00bc3875 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index ed6d00b094..7522b5a3a1 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index bd6acfa6fe..23a5a0ab4b 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 52ea9787d4..9abba7b114 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 165fea3092..1fc339e97b 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Define STR — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 915b513b5a..dd23aa9b14 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 8acbde2dcb..16ce78a1f1 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index c7241d46ee..df24e4f01d 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 3adfb83ec0..6dd0f264cc 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 6f8ac341f9..2ba1da884d 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 0d568fabbf..5e7f75de66 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 68b6eec059..1eeb40644b 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index f00a8dbd65..436598e3da 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index ccecc4d102..f758ac55d2 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Directory include — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index dbb74e702b..2c1abc48ef 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 5753d330e9..e77884b96d 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index bd27156f93..c4cbfa306f 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 8183de61ff..6b8194aea9 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index be62a73aaa..6951027c87 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 8e48755e46..fbd339cc35 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 212f273224..3bc984aa46 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index 795de2a80c..f2866fdc9e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index b1378983f2..e7735635b9 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 7ef50c7ee4..45cff86605 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 4b47b4e5bd..5a3ad394e7 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 8308af53c9..c85d08c822 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 6ee8b23834..ce1006db41 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index f61a7f2723..dffdeb7945 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index 709dba175d..2f317a24b2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index f57fffa059..388b578963 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 2f96d71ad9..83d48b81f8 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index 054f15c11e..1382e83efe 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index b689bd4ed2..4f832b82e9 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 61dad87552..4bca215e7e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index 96c83934ab..571c14af6d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 96cde6c428..e07baadd3e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index eeef457b5c..3bb5cb190b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 7a9e91e487..189734e233 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index d2e27046da..cea03dcf60 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 2e5c4b746d..91dbca8f17 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index bb26fec429..decd53bfd9 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index c6020cd55c..2a4d64c7b4 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 64e19041fd..224524576a 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index e62c07756d..409debffa3 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 9500d02ea9..0feb9b82c3 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index da88a2adbc..5722c8881a 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index 05681db6f1..fbcf9bb0ee 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index a49468e6fa..9d90b87afa 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 1d640868d2..19e09b5a12 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 0650611911..aa071b1686 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 924cf11fa2..860646a014 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Full API — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index d135d53df0871d9cebc93ab5583c1700eed5dd74..0328850f894771b92779b071225f1cab48966434 100644 GIT binary patch delta 64 zcmZpyZ>;AH@MdNaVE}>X4OSa@B}ABk^kxkaKT$BFQu8xdWOBY;2uNV^F}o-*t!y6$ E07)zp;Q#;t delta 64 zcmZpyZ>;AH@MdNaVE_T)X=WRFB}ABk^kxkaKT$BFQu8xdWOBY;2uNV^F}o-*t!y6$ E00(XneE$F#^es=K#;)XJIdi;+Ds)H E05D?`-~a#s delta 64 zcmbQ}Ink3hz?+#xgaHJEr$F#^es=K#;)XJIdi;+Ds)H E0PdC$d;kCd diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 6d5ac4dd58..11d1a438cb 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index fd16e08cb1..c6e8b05449 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 99800d81a9..16a9c4e57c 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 4e9c29e1ff..89317167af 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index d2af6c1467..b16d144d13 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index c04cf4ff97..229d640bbc 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 46c4e07d4c..be12451674 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index cce00ba289..3a52383d3c 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 4aedc7cfd4..fd1a92a562 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 99ff77dbbd..6d2ac80394 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 179d84e39c..8884e9d1c3 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 5c71d0447b..1fb0c2844c 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 8eb3047721..88db38a1ec 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 804670596c..57c0240d58 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+65feab1', + VERSION: 'v2.2.0.dev0+7daa112', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 60284680b6..ed8afd1941 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index db119e5b45..cfcc943625 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 5c0b88f5e4..e3db65e48a 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 7418ccbc56..9520a1e33f 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 00b06fe860..4cf3973040 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index f5dfe93d25..54ca668d75 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index c2ee19a13f..a8701e164c 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 88d16d1398..3d02b61787 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + System Overview — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index f676ea5286..f1b5710833 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 370265d6dd..62cf919423 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index 3fbbb911c8..26ba48b54e 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/genindex.html b/docs/genindex.html index 28da86b61b..179f969617 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Index — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index db58267a87..c2faf5e5f1 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index d2ff48f6f4..3d082d5666 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 5b9cad8bfb..496b24f3d6 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index f62e36ea20..5f73056852 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Installation — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/index.html b/docs/index.html index bf68203b09..318a671ec2 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 364647bb67..6998260d7c 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/objects.inv b/docs/objects.inv index e13da89d79029c4361f06b896f11ef165e33bd40..5632facc8e674c64ba3e15081941607d5a5f2188 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAx<|&DZhK5EPLl - Python Module Index — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index f7a02d7e50..e872ee0cdb 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index b343461782..6e48889cfb 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 413f89600e..9795751e10 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index a3c879f783..97a0883a35 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 695636ce23..6a0f694dc9 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+65feab1.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+7daa112.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 74d8292d35..c6d7386f77 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+65feab1 documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+7daa112 documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index d6ca54a94e..1d58847904 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 8f660c6dff..b5a965c202 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index 0b998c6ea3..5fc6af07bd 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + <no title> — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 2745038408..7b723fcaf7 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Installation — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index c32ed895df..d0f0ff3ab3 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 6a44c02bb0..7add22bfda 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 14e3db2235..56d828713e 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 28828693ee..8dee9a5295 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index ba408e0290..23b88e818d 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 701582bf25..c00b745e07 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 39d20bdbf3..c09584c54a 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index cb521d5917..b3cc40c451 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index a1297dd398..6557858211 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index f419317b75..0e22b2df37 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index e9dbf180dc..6afddd00ca 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index a9673726c3..31a44b3f4e 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 80c0c3c9a8..a6fd6ad212 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+65feab1 documentation + DLA — Torch-TensorRT v2.2.0.dev0+7daa112 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+65feab1 + v2.2.0.dev0+7daa112
    From 1033dff5f8cc7a6aee87c5b8fe1ab8597be8430c Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Tue, 26 Sep 2023 17:03:05 -0700 Subject: [PATCH 12/62] fix: Allow low rank inputs in Python Runtime (#2282) --- .../runtime/_PythonTorchTensorRTModule.py | 63 ++++++--------- .../py/dynamo/runtime/test_python_runtime.py | 81 +++++++++++++++++++ 2 files changed, 107 insertions(+), 37 deletions(-) create mode 100644 tests/py/dynamo/runtime/test_python_runtime.py diff --git a/py/torch_tensorrt/dynamo/runtime/_PythonTorchTensorRTModule.py b/py/torch_tensorrt/dynamo/runtime/_PythonTorchTensorRTModule.py index e00b66d8f3..41baecc7ab 100644 --- a/py/torch_tensorrt/dynamo/runtime/_PythonTorchTensorRTModule.py +++ b/py/torch_tensorrt/dynamo/runtime/_PythonTorchTensorRTModule.py @@ -1,13 +1,14 @@ from __future__ import annotations +import logging from typing import Any, Dict, List, Optional, Sequence, Tuple +import tensorrt as trt import torch from torch.nn import Module from torch_tensorrt.fx.utils import Frameworks, unified_dtype_converter -# @manual=//deeplearning/trt/python:py_tensorrt -import tensorrt as trt +logger = logging.getLogger(__name__) class PythonTorchTensorRTModule(Module): # type: ignore[misc] @@ -22,14 +23,12 @@ def __init__( engine: trt.ICudaEngine, input_names: Optional[List[str]] = None, output_names: Optional[List[str]] = None, - cuda_graph_batch_size: int = -1, ): super(PythonTorchTensorRTModule, self).__init__() self._register_state_dict_hook(PythonTorchTensorRTModule._on_state_dict) self.engine = engine self.input_names = input_names if input_names is not None else [] self.output_names = output_names if output_names is not None else [] - self.cuda_graph_batch_size = cuda_graph_batch_size self.initialized = False self._initialize() @@ -107,7 +106,6 @@ def _on_state_dict(self, state_dict: Dict[str, Any], prefix: str, _: Any) -> Non state_dict[prefix + "engine"] = bytearray(self.engine.serialize()) state_dict[prefix + "input_names"] = self.input_names state_dict[prefix + "output_names"] = self.output_names - state_dict[prefix + "cuda_graph_batch_size"] = self.cuda_graph_batch_size def _load_from_state_dict( self, @@ -156,8 +154,6 @@ def forward(self, *inputs: Any) -> torch.Tensor | Tuple[torch.Tensor, ...]: self.input_names ), f"Wrong number of inputs, expect {len(self.input_names)} get {len(inputs)}." - # This is only used when the trt engine is using implicit batch dim. - batch_size = inputs[0].shape[0] contiguous_inputs: List[torch.Tensor] = [i.contiguous() for i in inputs] bindings: List[Any] = [None] * ( len(self.input_names) @@ -166,25 +162,29 @@ def forward(self, *inputs: Any) -> torch.Tensor | Tuple[torch.Tensor, ...]: ) for i, input_name in enumerate(self.input_names): - assert inputs[ - i - ].is_cuda, f"{i}th input({input_name}) is not on cuda device." + if not contiguous_inputs[i].is_cuda: + logger.warning( + f"Detected input {input_name} of engine {self.engine.name} is not on a cuda device. " + "This tensor is being moved by the runtime but for performance considerations, " + "ensure your inputs are all on GPU and open an issue here " + "(https://github.com/pytorch/TensorRT/issues) if this warning persists." + ) + contiguous_inputs = ( + contiguous_inputs[:i] + + [contiguous_inputs[i].cuda()] + + contiguous_inputs[i + 1 :] + ) + assert ( - inputs[i].dtype == self.input_dtypes[i] - ), f"Dtype mismatch for {i}th input({input_name}). Expect {self.input_dtypes[i]}, got {inputs[i].dtype}." + contiguous_inputs[i].dtype == self.input_dtypes[i] + ), f"Dtype mismatch for {i}th input({input_name}). Expect {self.input_dtypes[i]}, got {contiguous_inputs[i].dtype}." idx = self.input_binding_indices_in_order[i] bindings[idx] = contiguous_inputs[i].data_ptr() - if not self.engine.has_implicit_batch_dimension: - self.context.set_binding_shape( - idx, tuple(contiguous_inputs[i].shape) - ) - else: - assert inputs[i].size()[1:] == self.input_shapes[i], ( - f"Shape mismatch for {i}th input({input_name}). " - f"Expect {self.input_shapes[i]}, got {inputs[i].size()[1:]}." - ) + self.context.set_binding_shape( + idx, tuple(contiguous_inputs[i].shape) + ) with torch.autograd.profiler.record_function( "PythonTorchTensorRTModule:ProcessOutputs" @@ -193,10 +193,7 @@ def forward(self, *inputs: Any) -> torch.Tensor | Tuple[torch.Tensor, ...]: outputs: List[torch.Tensor] = [] for i, idx in enumerate(self.output_binding_indices_in_order): - if self.engine.has_implicit_batch_dimension: - shape = (batch_size,) + self.output_shapes[i] - else: - shape = tuple(self.context.get_binding_shape(idx)) + shape = tuple(self.context.get_binding_shape(idx)) output = torch.empty( size=shape, @@ -207,10 +204,7 @@ def forward(self, *inputs: Any) -> torch.Tensor | Tuple[torch.Tensor, ...]: bindings[idx] = output.data_ptr() for i, idx in enumerate(self.hidden_output_binding_indices_in_order): - if self.engine.has_implicit_batch_dimension: - shape = (batch_size,) + self.hidden_output_shapes[i] - else: - shape = tuple(self.context.get_binding_shape(idx)) + shape = tuple(self.context.get_binding_shape(idx)) output = torch.empty( size=shape, @@ -222,14 +216,9 @@ def forward(self, *inputs: Any) -> torch.Tensor | Tuple[torch.Tensor, ...]: with torch.autograd.profiler.record_function( "PythonTorchTensorRTModule:TensorRTRuntime" ): - if self.engine.has_implicit_batch_dimension: - self.context.execute_async( - batch_size, bindings, torch.cuda.current_stream().cuda_stream - ) - else: - self.context.execute_async_v2( - bindings, torch.cuda.current_stream().cuda_stream - ) + self.context.execute_async_v2( + bindings, torch.cuda.current_stream().cuda_stream + ) if len(outputs) == 1: return outputs[0] diff --git a/tests/py/dynamo/runtime/test_python_runtime.py b/tests/py/dynamo/runtime/test_python_runtime.py new file mode 100644 index 0000000000..01ad150479 --- /dev/null +++ b/tests/py/dynamo/runtime/test_python_runtime.py @@ -0,0 +1,81 @@ +import torch +import torch_tensorrt +from torch.testing._internal.common_utils import TestCase, run_tests + + +class TestLowRankInputs(TestCase): + def test_0D_input(self): + class Tensor0DInput(torch.nn.Module): + def forward(self, x): + return x * 7 + + inputs = [ + torch.tensor( + 3, + ) + .cuda() + .int(), + ] + + fx_graph = torch.fx.symbolic_trace(Tensor0DInput()) + + # Validate that the results between Torch and Torch-TRT are similar + optimized_model = torch_tensorrt.compile( + fx_graph, + "torch_compile", + inputs, + min_block_size=1, + pass_through_build_failures=True, + use_python_runtime=True, + ) + optimized_model_results = optimized_model(*inputs).detach().cpu() + torch_model_results = fx_graph(*inputs).detach().cpu() + + max_diff = float( + torch.max(torch.abs(optimized_model_results - torch_model_results)) + ) + self.assertAlmostEqual( + max_diff, + 0, + msg=f"0D-Tensor TRT outputs don't match with the original model.", + ) + torch._dynamo.reset() + + def test_1D_input(self): + class Tensor1DInput(torch.nn.Module): + def forward(self, x, y): + return (x + 7.1) / (y * 2.1) + + inputs = [torch.rand((3, 1)).cuda(), torch.rand((3, 1)).cuda()] + + fx_graph = torch.fx.symbolic_trace(Tensor1DInput()) + + # Validate that the results between Torch and Torch-TRT are similar + optimized_model = torch_tensorrt.compile( + fx_graph, + "torch_compile", + inputs, + min_block_size=1, + pass_through_build_failures=True, + use_python_runtime=True, + ) + optimized_model_results = optimized_model(*inputs).detach().cpu() + torch_model_results = fx_graph(*inputs).detach().cpu() + + max_diff = float( + torch.max(torch.abs(optimized_model_results - torch_model_results)) + ) + self.assertAlmostEqual( + max_diff, + 0, + msg=f"1D-Tensor TRT outputs don't match with the original model.", + ) + + # Validate that the runtime moves cpu inputs to cuda + optimized_model(torch.rand((3, 1)), torch.rand((3, 1))) + + torch._dynamo.reset() + + +if __name__ == "__main__": + run_tests() From 76de80d05156f6ca3698f2fa3ea169f17d858c92 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Wed, 27 Sep 2023 00:19:55 +0000 Subject: [PATCH 13/62] docs: [Automated] Regenerating documenation for 1033dff Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 228 insertions(+), 228 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index cde380d074..76b25753f7 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index 1e00bc3875..5735c31dda 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index 7522b5a3a1..1a5696060a 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 23a5a0ab4b..7d0bdf1ff0 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 9abba7b114..b4d85179f8 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 1fc339e97b..2f8c4d6699 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Define STR — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index dd23aa9b14..cfe6083752 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 16ce78a1f1..bca5869817 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index df24e4f01d..fd49b4a8b1 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 6dd0f264cc..67a10cfa05 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 2ba1da884d..0e7b25ad6a 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 5e7f75de66..6fe71f43bd 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 1eeb40644b..60b58b44c2 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 436598e3da..2bf23d04a1 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index f758ac55d2..f684cb8532 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Directory include — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index 2c1abc48ef..89a19b9b39 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index e77884b96d..4945668bc5 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index c4cbfa306f..37963b3b51 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 6b8194aea9..3842e80c07 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index 6951027c87..eb1e87b1e6 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index fbd339cc35..1f3d5f7d4c 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 3bc984aa46..6f4e1ca8f1 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index f2866fdc9e..8bbc76c767 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index e7735635b9..f475f9b3ae 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 45cff86605..79d96fa47c 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 5a3ad394e7..0adfdb58a7 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index c85d08c822..9f781e10da 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index ce1006db41..2134616b19 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index dffdeb7945..d00a7f18f8 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index 2f317a24b2..4cc74fd890 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index 388b578963..1d7a6d4f35 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 83d48b81f8..d999d13da6 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index 1382e83efe..d1cb598cf2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index 4f832b82e9..9c5077c284 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 4bca215e7e..fe2a4e5cb3 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index 571c14af6d..cd28257182 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index e07baadd3e..7b6032a2fc 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 3bb5cb190b..907fe8e089 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 189734e233..de20f219c4 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index cea03dcf60..5f774c1708 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 91dbca8f17..f0e838feb6 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index decd53bfd9..cc211154a4 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 2a4d64c7b4..fec5469b79 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 224524576a..020f6b061c 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index 409debffa3..8a4295095e 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 0feb9b82c3..3c96e3619e 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 5722c8881a..2c92d1dedf 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index fbcf9bb0ee..1b350389a1 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index 9d90b87afa..3b87160b6b 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 19e09b5a12..b3c9fd04da 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index aa071b1686..4f15113751 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 860646a014..c65324a33f 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Full API — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 0328850f894771b92779b071225f1cab48966434..4cbb7dd90be2ba9148e74c14bb822446c176d1ea 100644 GIT binary patch delta 64 zcmZpyZ>;AH@MdNaVE};AH@MdNaVE}>X4OSa@B}ABk^kxkaKT$BFQu8xdWOBY;2uNV^F}o-*t!y6$ E07)zp;Q#;t diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 3b4c05e24ffbbe1e139363e90dcf5f09af58fdcd..d602b99a941d9c32b375621f43bdabb2513ead00 100644 GIT binary patch delta 64 zcmbQ}Ink3hz?+#xgaHH!nXEVRe&J#U(wkYh#dyFBS@8@oV{(UbAV^^H9p!K^ZKe_p E0MXkIRsaA1 delta 64 zcmbQ}Ink3hz?+#xgaHJiH&|`t{ldizq&Ks0i}8RNvf>$F#^es=K#;)XJIdi;+Ds)H E05D?`-~a#s diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 11d1a438cb..3687002240 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index c6e8b05449..7b8efb452f 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 16a9c4e57c..4c9ca90401 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 89317167af..dcaf838d72 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index b16d144d13..20d897532c 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 229d640bbc..c615d03319 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index be12451674..0aab4461d1 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 3a52383d3c..9f3bebd169 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index fd1a92a562..5e5f9b8799 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 6d2ac80394..7f62ac32d8 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 8884e9d1c3..311ad70105 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 1fb0c2844c..f6561b2e18 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 88db38a1ec..6899de7ee4 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 57c0240d58..3b89e35acd 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+7daa112', + VERSION: 'v2.2.0.dev0+1033dff', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index ed8afd1941..4ce7ca923b 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index cfcc943625..dab4812f24 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index e3db65e48a..524afe3565 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 9520a1e33f..2000e09d87 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 4cf3973040..7333fed639 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 54ca668d75..7b4e0991bc 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index a8701e164c..1ded9d48f4 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 3d02b61787..23c4aaea50 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + System Overview — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index f1b5710833..961fcbf39b 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 62cf919423..82cfc2bb45 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index 26ba48b54e..71ab5246de 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/genindex.html b/docs/genindex.html index 179f969617..31ce82bed4 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Index — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index c2faf5e5f1..26c9b4f48d 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index 3d082d5666..7614142824 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 496b24f3d6..a8d712af78 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 5f73056852..c89cc1f074 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Installation — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/index.html b/docs/index.html index 318a671ec2..8aff4cd3ce 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 6998260d7c..f0449da990 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/objects.inv b/docs/objects.inv index 5632facc8e674c64ba3e15081941607d5a5f2188..d604fa58fdaf4b12db3b2ce32566c6f606aa1297 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAxh6cvQDQRgNLln+a delta 20 ccmex*k@4$A#tDAx<|&DZhK5EPLl - Python Module Index — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index e872ee0cdb..71371bd2c9 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index 6e48889cfb..c889561533 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 9795751e10..6b1f34fd83 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index 97a0883a35..ab884e4fd8 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 6a0f694dc9..d615573b73 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+7daa112.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+1033dff.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index c6d7386f77..122b4faea3 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+7daa112 documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+1033dff documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 1d58847904..5f8ce606a6 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index b5a965c202..55e45761c1 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index 5fc6af07bd..579d7f63c7 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + <no title> — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 7b723fcaf7..5fd60ffb40 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Installation — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index d0f0ff3ab3..56e621ce17 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 7add22bfda..91671b2710 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 56d828713e..51cd36e51e 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 8dee9a5295..08ab0f69fb 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 23b88e818d..2e42ce5bc8 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index c00b745e07..e10b575817 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index c09584c54a..2b6df8df36 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index b3cc40c451..8dac1450a9 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 6557858211..3c5bc2bf7f 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index 0e22b2df37..a9f61d3f87 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 6afddd00ca..a35556f0ea 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index 31a44b3f4e..c80a3a0604 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index a6fd6ad212..16589ca316 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+7daa112 documentation + DLA — Torch-TensorRT v2.2.0.dev0+1033dff documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7daa112 + v2.2.0.dev0+1033dff
    From 338e54282ca7cdd464cddc397a6092d038076ce5 Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Wed, 27 Sep 2023 12:55:27 -0700 Subject: [PATCH 14/62] fix: Address multi-GPU issue in engine deserialize (#2325) --- core/runtime/execute_engine.cpp | 6 +++--- core/runtime/runtime.cpp | 27 ++++++++++++++++++++++----- core/runtime/runtime.h | 4 +++- 3 files changed, 28 insertions(+), 9 deletions(-) diff --git a/core/runtime/execute_engine.cpp b/core/runtime/execute_engine.cpp index c4b34cb218..2a7fe884da 100644 --- a/core/runtime/execute_engine.cpp +++ b/core/runtime/execute_engine.cpp @@ -43,8 +43,8 @@ bool is_switch_required(const RTDevice& curr_device, const RTDevice& engine_devi return false; } -RTDevice select_rt_device(const RTDevice& engine_device) { - auto new_target_device_opt = get_most_compatible_device(engine_device); +RTDevice select_rt_device(const RTDevice& engine_device, const RTDevice& curr_device) { + auto new_target_device_opt = get_most_compatible_device(engine_device, curr_device); // REVIEW: THIS DOES NOT LIST DLA PROBABLY, WHICH WE SHOULD // TODO: I think this logic could be way simpler at execution time since if the tensors arent on the right @@ -89,7 +89,7 @@ std::vector execute_engine(std::vector inputs, c10::intr if (is_switch_required(curr_device, compiled_engine->device_info)) { // Scan through available CUDA devices and set the CUDA device context correctly - RTDevice device = select_rt_device(compiled_engine->device_info); + RTDevice device = select_rt_device(compiled_engine->device_info, curr_device); set_rt_device(device); // Target device is new device diff --git a/core/runtime/runtime.cpp b/core/runtime/runtime.cpp index 0c054d8a3c..0372258919 100644 --- a/core/runtime/runtime.cpp +++ b/core/runtime/runtime.cpp @@ -7,9 +7,16 @@ namespace torch_tensorrt { namespace core { namespace runtime { -c10::optional get_most_compatible_device(const RTDevice& target_device) { +c10::optional get_most_compatible_device(const RTDevice& target_device, const RTDevice& curr_device) { LOG_DEBUG("Target Device: " << target_device); auto device_options = find_compatible_devices(target_device); + RTDevice current_device; + if (current_device.id == -1) { + current_device = get_current_device(); + } else { + current_device = curr_device; + } + if (device_options.size() == 0) { return {}; } else if (device_options.size() == 1) { @@ -21,10 +28,20 @@ c10::optional get_most_compatible_device(const RTDevice& target_device dev_list << "[" << std::endl; for (auto device : device_options) { dev_list << " " << device << ',' << std::endl; - if (device.device_name == target_device.device_name && best_match.device_name != target_device.device_name) { - best_match = device; - } else if (device.device_name == target_device.device_name && best_match.device_name == target_device.device_name) { - if (device.id == target_device.id && best_match.id != target_device.id) { + if (device.device_name == target_device.device_name) { + // First priority is selecting a candidate which agrees with the current device ID + // If such a device is found, we can select it and break out of the loop + if (device.id == current_device.id && best_match.id != current_device.id) { + best_match = device; + break; + } + // Second priority is selecting a candidate which agrees with the target device ID + // At deserialization time, the current device and target device may not agree + else if (device.id == target_device.id && best_match.id != target_device.id) { + best_match = device; + } + // If no such GPU ID is found, select the first available candidate GPU + else if (best_match.device_name != target_device.device_name) { best_match = device; } } diff --git a/core/runtime/runtime.h b/core/runtime/runtime.h index 4c7565c9fc..05d97a30b8 100644 --- a/core/runtime/runtime.h +++ b/core/runtime/runtime.h @@ -26,7 +26,9 @@ typedef enum { SERIALIZATION_LEN, // NEVER USED FOR DATA, USED TO DETERMINE LENGTH OF SERIALIZED INFO } SerializedInfoIndex; -c10::optional get_most_compatible_device(const RTDevice& target_device); +c10::optional get_most_compatible_device( + const RTDevice& target_device, + const RTDevice& curr_device = RTDevice()); std::vector find_compatible_devices(const RTDevice& target_device); std::vector execute_engine(std::vector inputs, c10::intrusive_ptr compiled_engine); From 117161a3a160bcb4d6e0f904f69830efe2fd3923 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Wed, 27 Sep 2023 20:12:55 +0000 Subject: [PATCH 15/62] docs: [Automated] Regenerating documenation for 338e542 Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 228 insertions(+), 228 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 76b25753f7..d74c939d82 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index 5735c31dda..b493159027 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index 1a5696060a..3095273e56 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 7d0bdf1ff0..932d861f9a 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index b4d85179f8..fec19c22bb 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 2f8c4d6699..fbdd96c782 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Define STR — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index cfe6083752..d18d2193d1 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index bca5869817..23a072d057 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index fd49b4a8b1..183547228e 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 67a10cfa05..603917ce16 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 0e7b25ad6a..007f308b85 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 6fe71f43bd..328246630f 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 60b58b44c2..f9e5effa5f 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 2bf23d04a1..a78e2f92fa 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index f684cb8532..d7f0323510 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Directory include — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index 89a19b9b39..3c8acc4fc7 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 4945668bc5..8b23fc9276 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index 37963b3b51..972c26c896 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 3842e80c07..4306acbb06 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index eb1e87b1e6..ea3c011446 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 1f3d5f7d4c..1ff8c5b366 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 6f4e1ca8f1..5fa1d2775b 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index 8bbc76c767..996074b521 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index f475f9b3ae..ecaa3389f6 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 79d96fa47c..85780d0e43 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 0adfdb58a7..4767b7043e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 9f781e10da..ee19d4d398 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 2134616b19..6355328ace 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index d00a7f18f8..708de494cb 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index 4cc74fd890..1c5e813f2a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index 1d7a6d4f35..4d4387b462 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index d999d13da6..823ffb4154 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index d1cb598cf2..0090ccaa7b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index 9c5077c284..51e920e0e5 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index fe2a4e5cb3..d7cff856af 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index cd28257182..f757f5106d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 7b6032a2fc..c5759f4da4 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 907fe8e089..74817c69e6 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index de20f219c4..1532e6a876 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index 5f774c1708..aaca77a6ce 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index f0e838feb6..4ef4f02622 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index cc211154a4..ad9ab51214 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index fec5469b79..e5004fc9eb 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 020f6b061c..2864a9b0ec 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index 8a4295095e..542080b779 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 3c96e3619e..052249dbed 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 2c92d1dedf..81fc9e4ed2 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index 1b350389a1..debb6a2c90 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index 3b87160b6b..7fd63072d1 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index b3c9fd04da..75e16b84fa 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 4f15113751..486b0a71de 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index c65324a33f..ffa80bde35 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Full API — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 4cbb7dd90be2ba9148e74c14bb822446c176d1ea..9f9778078a022aa6139f075692b187c4d54a0085 100644 GIT binary patch delta 58 zcmZpyZ>;AD@MdNaVE}=N3peseiZD%FxLIAqUlc@FXnq0lC+FFPf~cc*(I866J{|!7 CHxp?9 delta 58 zcmZpyZ>;AD@MdNaVE}BS4g?N(=z# C=@MuF delta 58 zcmbQ}Ink3Rz?+#xgaHH!nKtr# - Overview: module code — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index 7b8efb452f..cd72d54049 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 4c9ca90401..ddf76de631 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index dcaf838d72..d082b0031b 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index 20d897532c..dd47bca939 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index c615d03319..7b86ec7c28 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 0aab4461d1..88452f19f3 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 9f3bebd169..fd13039373 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 5e5f9b8799..6e803d0f3f 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 7f62ac32d8..716e57333f 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 311ad70105..ccfcba201c 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index f6561b2e18..699efc44d2 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 6899de7ee4..4d7fc2a4be 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 3b89e35acd..830f956ed4 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+1033dff', + VERSION: 'v2.2.0.dev0+338e542', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 4ce7ca923b..a0f3182e6d 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index dab4812f24..6d801c64ad 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 524afe3565..86208be85a 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 2000e09d87..52b25ac3ce 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 7333fed639..fbfdf78e52 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 7b4e0991bc..23af470b09 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index 1ded9d48f4..ab8627fd84 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 23c4aaea50..7b33219bec 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+1033dff documentation + System Overview — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 961fcbf39b..a64185f145 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 82cfc2bb45..da165d54dc 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index 71ab5246de..98cec7f297 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/genindex.html b/docs/genindex.html index 31ce82bed4..3044ad9de0 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Index — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index 26c9b4f48d..fcd0c73807 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index 7614142824..16f09cb58c 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index a8d712af78..edba4e2f86 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index c89cc1f074..1aeb8e8c6d 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Installation — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/index.html b/docs/index.html index 8aff4cd3ce..2b0f76d3fd 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index f0449da990..c579bb4090 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/objects.inv b/docs/objects.inv index d604fa58fdaf4b12db3b2ce32566c6f606aa1297..d1fb6946406949ddd5cc2a0f9c920cc79dd1b60f 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAx#>N(@rY1%kLln+a diff --git a/docs/py-modindex.html b/docs/py-modindex.html index 80fe1b4d55..a623be3c3d 100644 --- a/docs/py-modindex.html +++ b/docs/py-modindex.html @@ -9,7 +9,7 @@ - Python Module Index — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 71371bd2c9..59a4ec16f8 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index c889561533..471dcaaac9 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 6b1f34fd83..aa56e0e992 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index ab884e4fd8..ac2f313862 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index d615573b73..1f9a4b7b92 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+1033dff documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+1033dff.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+338e542.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 122b4faea3..4431ab5646 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+1033dff documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+338e542 documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 5f8ce606a6..1cbe195e88 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+1033dff documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 55e45761c1..4ff125b887 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+1033dff documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index 579d7f63c7..deba807562 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+1033dff documentation + <no title> — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 5fd60ffb40..76c751114e 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Installation — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 56e621ce17..2d6d61d365 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 91671b2710..06e542105e 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 51cd36e51e..6248f48be7 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 08ab0f69fb..4d6d5d48b3 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 2e42ce5bc8..d6540285e8 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index e10b575817..cd52158176 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 2b6df8df36..8fe04fa5d9 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 8dac1450a9..06a89a10f6 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 3c5bc2bf7f..1fbf935389 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index a9f61d3f87..b88d1d84ff 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index a35556f0ea..c12883538b 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index c80a3a0604..6210c9d466 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+1033dff documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 16589ca316..587090af9b 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+1033dff documentation + DLA — Torch-TensorRT v2.2.0.dev0+338e542 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+1033dff + v2.2.0.dev0+338e542
    From 251405d58ca5349d5c3b5ae342fca293e1b5653b Mon Sep 17 00:00:00 2001 From: "Zewen (Evan) Li" Date: Wed, 27 Sep 2023 13:15:25 -0700 Subject: [PATCH 16/62] feat: support deconv (1d, 2d, and Nd) dynamo converter (#2337) --- .../dynamo/conversion/aten_ops_converters.py | 47 ++-- .../dynamo/conversion/impl/__init__.py | 1 + .../dynamo/conversion/impl/deconv.py | 140 +++++++++++ .../conversion/test_deconvolution_aten.py | 224 ++++++++++++++++++ 4 files changed, 397 insertions(+), 15 deletions(-) create mode 100644 py/torch_tensorrt/dynamo/conversion/impl/deconv.py create mode 100644 tests/py/dynamo/conversion/test_deconvolution_aten.py diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index b0f718256f..50fb750a2c 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -1348,7 +1348,7 @@ def aten_ops_less( def conv_param_validator(conv_node: Node) -> bool: - return (not conv_node.args[6]) and (conv_node.args[7] in ([0], [0, 0], [0, 0, 0])) + return conv_node.args[7] in ([0], [0, 0], [0, 0, 0]) @dynamo_tensorrt_converter( @@ -1361,20 +1361,37 @@ def aten_ops_convolution( kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: - return impl.conv.convNd( - network, - target, - source_ir=SourceIR.ATEN, - name=name, - is_conv1d=len(args[3]) == 1, - input=args[0], - weight=args[1], - bias=args[2], - stride=args[3], - padding=args[4], - dilation=args[5], - groups=args[8], - ) + is_transposed = args[6] + if not is_transposed: + return impl.conv.convNd( + network, + target, + source_ir=SourceIR.ATEN, + name=name, + is_conv1d=len(args[3]) == 1, + input=args[0], + weight=args[1], + bias=args[2], + stride=args[3], + padding=args[4], + dilation=args[5], + groups=args[8], + ) + else: + return impl.deconv.deconvNd( + network, + target, + source_ir=SourceIR.ATEN, + name=name, + is_deconv1d=len(args[3]) == 1, + input=args[0], + weight=args[1], + bias=args[2], + stride=args[3], + padding=args[4], + dilation=args[5], + groups=args[8], + ) @dynamo_tensorrt_converter(torch.ops.aten.linear.default) # type: ignore[misc] diff --git a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py index e615599eb4..8477b6449b 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py @@ -5,6 +5,7 @@ cast, condition, conv, + deconv, elementwise, embedding, linear, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/deconv.py b/py/torch_tensorrt/dynamo/conversion/impl/deconv.py new file mode 100644 index 0000000000..e0f5844bd7 --- /dev/null +++ b/py/torch_tensorrt/dynamo/conversion/impl/deconv.py @@ -0,0 +1,140 @@ +from typing import Optional, Sequence, Union + +import numpy as np + +# @manual=//deeplearning/trt/python:py_tensorrt +import tensorrt as trt +import torch +from torch.fx.node import Target +from torch_tensorrt.dynamo.conversion import impl +from torch_tensorrt.dynamo.conversion.converter_utils import ( + extend_attr_to_tuple, + get_trt_tensor, +) +from torch_tensorrt.fx.converters.converter_utils import ( + SourceIR, + get_dyn_range, + has_dynamic_shape, + mark_as_int8_layer, + set_layer_name, + to_numpy, +) +from torch_tensorrt.fx.types import TRTNetwork, TRTTensor + + +def deconvNd( + network: TRTNetwork, + target: Union[Target, str], + source_ir: Optional[SourceIR], + name: str, + is_deconv1d: bool, + input: TRTTensor, + weight: Union[TRTTensor, torch.Tensor, np.ndarray], + bias: Optional[Union[TRTTensor, torch.Tensor, np.ndarray]], + stride: Optional[Union[int, Sequence[int]]], + padding: Optional[Union[int, Sequence[int]]], + groups: Optional[int], + dilation: Optional[Union[int, Sequence[int]]], + scale: Optional[Union[torch.Tensor, float]] = None, + zero_point: Optional[Union[torch.Tensor, float]] = None, +) -> TRTTensor: + if has_dynamic_shape(input.shape): + assert input.shape[1] != -1, "Channel dim can't be dynamic for deconvolution." + + if is_deconv1d: + # Apply an unsqueeze operation to transform the deconv1d problem into deconv2d + input = impl.unsqueeze.unsqueeze( + network, target, source_ir, name + "_unsqueeze_deconv1d", input, -1 + ) + + # Process bias terms + if isinstance(bias, (torch.Tensor, np.ndarray)): + # Transform the bias constant into a Numpy array + bias = to_numpy(bias) + + elif isinstance(bias, TRTTensor): + bias = get_trt_tensor(network, bias, f"{name}_bias") + + elif bias is not None: + raise RuntimeError( + f"Deconvolution {name} has bias of type {type(bias)}, Expected Torch Tensor or TRT Tensor" + ) + + # Process weight terms + if network.has_explicit_precision or isinstance(weight, TRTTensor): + weight = get_trt_tensor(network, weight, f"{name}_weight") + # Append new dimension (unsqueeze) if the deconvolution is 1d + if is_deconv1d: + input = impl.unsqueeze.unsqueeze( + network, target, source_ir, name + "_unsqueeze_weight", weight, -1 + ) + + elif isinstance(weight, (torch.Tensor, np.ndarray)): + # Transform the weight constant into a Numpy array + weight = to_numpy(weight) + + # Append new dimension (unsqueeze) if the deconvolution is 1d + if is_deconv1d: + weight = np.expand_dims(weight, axis=-1) + + else: + raise RuntimeError( + f"Convolution {name} has weight of type {type(weight)}, Expect Optional[Tensor]" + ) + + # add deconv layer + deconv_layer = network.add_deconvolution_nd( + input=input, + num_output_maps=weight.shape[0], + kernel_shape=weight.shape[2:], + kernel=trt.Weights() if isinstance(weight, TRTTensor) else weight, + bias=trt.Weights() if isinstance(bias, TRTTensor) else bias, + ) + + # If the weight is a TRTTensor, set it as an input of the layer + if isinstance(weight, TRTTensor): + deconv_layer.set_input(1, weight) + + # If the bias is a TRTTensor, set it as an input of the layer + if isinstance(bias, TRTTensor): + deconv_layer.set_input(2, bias) + + # Cast certain fields to tuples, in accordance with TRT requirements + padding = (padding,) if isinstance(padding, int) else padding + stride = (stride,) if isinstance(stride, int) else stride + dilation = (dilation,) if isinstance(dilation, int) else dilation + + # Expand parameters manually for Conv1D computations + if is_deconv1d: + padding = (tuple(padding) + (0,)) if padding is not None else padding + stride = extend_attr_to_tuple(stride, 2) if stride is not None else stride + dilation = ( + extend_attr_to_tuple(dilation, 2) if dilation is not None else dilation + ) + + set_layer_name(deconv_layer, target, name, source_ir) + + # Set relevant attributes of deconvolution layer + if padding is not None: + deconv_layer.padding_nd = padding + if stride is not None: + deconv_layer.stride_nd = stride + if dilation is not None: + deconv_layer.dilation_nd = dilation + if groups is not None: + deconv_layer.num_groups = groups + + # Handle quantization cases + if scale is not None and zero_point is not None: + # Assume the dtype of activation is torch.quint8 + mark_as_int8_layer(deconv_layer, get_dyn_range(scale, zero_point, torch.quint8)) + + result = deconv_layer.get_output(0) + + if is_deconv1d: + # Apply a squeeze operation to transform the deconv2d problem back into deconv1d + result = impl.squeeze.squeeze( + network, target, source_ir, name + "_squeeze_deconv1d", result, -1 + ) + + return result diff --git a/tests/py/dynamo/conversion/test_deconvolution_aten.py b/tests/py/dynamo/conversion/test_deconvolution_aten.py new file mode 100644 index 0000000000..939a7ea9c0 --- /dev/null +++ b/tests/py/dynamo/conversion/test_deconvolution_aten.py @@ -0,0 +1,224 @@ +import torch +from parameterized import param, parameterized +from torch.testing._internal.common_utils import run_tests +from torch_tensorrt import Input + +from .harness import DispatchTestCase + + +class TestDeconvolutionConverter(DispatchTestCase): + @parameterized.expand( + [ + ("default", 1), + param("no_bias", 1, bias=False), + ("tuple_parameters", 1, (1), (1)), + param("non_zero_padding", 1, padding=1), + param("dilation", 1, dilation=2), + param("groups", 1, groups=3), + ] + ) + def test_deconv1d( + self, + _, + kernel_size, + stride=1, + padding=0, + dilation=1, + groups=1, + bias=True, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.deconv = torch.nn.ConvTranspose1d( + in_channels=3, + out_channels=3, + kernel_size=kernel_size, + stride=stride, + padding=padding, + dilation=dilation, + groups=groups, + bias=bias, + ) + + def forward(self, x): + return self.deconv(x) + + inputs = [torch.randn(1, 3, 32)] + self.run_test( + TestModule(), + inputs, + expected_ops={torch.ops.aten.convolution.default}, + ) + + def test_deconv1d_with_dynamic_shape( + self, + kernel_size=1, + stride=1, + padding=0, + dilation=1, + groups=1, + bias=True, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.deconv = torch.nn.ConvTranspose1d( + in_channels=3, + out_channels=3, + kernel_size=kernel_size, + stride=stride, + padding=padding, + dilation=dilation, + groups=groups, + bias=bias, + ) + + def forward(self, x): + return self.deconv(x) + + input_specs = [ + Input( + shape=(-1, 3, 3), + dtype=torch.float32, + shape_ranges=[((1, 3, 3), (3, 3, 3), (5, 3, 3))], + ), + ] + + self.run_test_with_dynamic_shape( + TestModule(), input_specs, expected_ops={torch.ops.aten.convolution.default} + ) + + @parameterized.expand( + [ + ("default", 1), + param("no_bias", 1, bias=False), + ("tuple_parameters", 1, (1, 1), (1, 1)), + param("non_zero_padding", 1, padding=1), + param("dilation", 1, dilation=2), + param("groups", 1, groups=3), + ] + ) + def test_deconv2d( + self, + _, + kernel_size, + stride=1, + padding=0, + dilation=1, + groups=1, + bias=True, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.deconv = torch.nn.ConvTranspose2d( + in_channels=3, + out_channels=3, + kernel_size=kernel_size, + stride=stride, + padding=padding, + dilation=dilation, + groups=groups, + bias=bias, + ) + + def forward(self, x): + return self.deconv(x) + + inputs = [torch.randn(1, 3, 32, 32)] + self.run_test( + TestModule(), inputs, expected_ops={torch.ops.aten.convolution.default} + ) + + # Testing with (-1, -1, -1, -1) results into Error: + # AssertionError: Channel dim can't be dynamic for deconvolution. + + def test_deconv2d_with_dynamic_shape(self): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.deconv = torch.nn.ConvTranspose2d(3, 3, 1) + + def forward(self, x): + return self.deconv(x) + + input_specs = [ + Input( + shape=(-1, 3, -1, -1), + dtype=torch.float32, + shape_ranges=[((1, 3, 1, 1), (1, 3, 4, 4), (32, 3, 128, 128))], + ), + ] + self.run_test_with_dynamic_shape( + TestModule(), input_specs, expected_ops={torch.ops.aten.convolution.default} + ) + + @parameterized.expand( + [ + ("default", 1), + param("no_bias", 1, bias=False), + ("tuple_parameters", 1, (1, 1, 1), (1, 1, 1)), + param("non_zero_padding", 1, padding=1), + param("dilation", 1, dilation=2), + param("groups", 1, groups=3), + ] + ) + def test_deconv3d( + self, + _, + kernel_size, + stride=1, + padding=0, + dilation=1, + groups=1, + bias=True, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.deconv = torch.nn.ConvTranspose3d( + in_channels=3, + out_channels=3, + kernel_size=kernel_size, + stride=stride, + padding=padding, + dilation=dilation, + groups=groups, + bias=bias, + ) + + def forward(self, x): + return self.deconv(x) + + inputs = [torch.randn(1, 3, 32, 32, 32)] + self.run_test( + TestModule(), inputs, expected_ops={torch.ops.aten.convolution.default} + ) + + # Testing with (-1, -1, -1, -1, -1) results into Error: + # AssertionError: Channel dim can't be dynamic for deconvolution. + + def test_deconv3d_with_dynamic_shape(self): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.deconv = torch.nn.ConvTranspose3d(3, 3, 1) + + def forward(self, x): + return self.deconv(x) + + input_specs = [ + Input( + shape=(-1, 3, -1, -1, -1), + dtype=torch.float32, + shape_ranges=[((1, 3, 1, 1, 1), (1, 3, 4, 4, 4), (8, 3, 32, 32, 32))], + ), + ] + self.run_test_with_dynamic_shape( + TestModule(), input_specs, expected_ops={torch.ops.aten.convolution.default} + ) + + +if __name__ == "__main__": + run_tests() From a2a983bda9fa8a988c0f0541f263d642b64e5600 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Wed, 27 Sep 2023 20:39:02 +0000 Subject: [PATCH 17/62] docs: [Automated] Regenerating documenation for 251405d Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 228 insertions(+), 228 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index d74c939d82..f084b4228b 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index b493159027..5b69665395 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index 3095273e56..058020dd64 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 932d861f9a..3dec4f9676 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index fec19c22bb..722f6efb2b 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index fbdd96c782..9b5a11f776 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Define STR — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index d18d2193d1..e3861a5f62 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 23a072d057..57a82dbd04 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index 183547228e..75a474233b 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 603917ce16..523493e763 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 007f308b85..91ce2490cb 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 328246630f..3642cec614 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index f9e5effa5f..622ed0a937 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index a78e2f92fa..bfea891709 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index d7f0323510..50eb21b57f 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Directory include — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index 3c8acc4fc7..f6650b2266 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 8b23fc9276..da1744d88f 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index 972c26c896..8bbd282734 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 4306acbb06..f0dcb0d323 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index ea3c011446..b7a468a329 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 1ff8c5b366..d81b18a522 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 5fa1d2775b..7645c40364 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index 996074b521..d748db9400 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index ecaa3389f6..4da0359b85 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 85780d0e43..2f2733e345 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 4767b7043e..abd967577f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index ee19d4d398..c96091fc60 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 6355328ace..20966b5415 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 708de494cb..6d71a925dc 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index 1c5e813f2a..63f5a6b1a6 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index 4d4387b462..33fcc964a2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 823ffb4154..0d808b6e25 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index 0090ccaa7b..c1568162bf 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index 51e920e0e5..5387dc0ccc 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index d7cff856af..d0346cdeb0 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index f757f5106d..ea3ed97ec5 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index c5759f4da4..0d5962ac80 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 74817c69e6..77f9da5d4a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 1532e6a876..0e5b3bf825 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index aaca77a6ce..5888dd443d 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 4ef4f02622..7bff81759e 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index ad9ab51214..9bbb193198 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index e5004fc9eb..543748464a 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 2864a9b0ec..c07f3b7d25 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index 542080b779..7edde29398 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 052249dbed..65af085353 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 81fc9e4ed2..1883be68ae 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index debb6a2c90..0472a6ef64 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index 7fd63072d1..434e01c5ea 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 75e16b84fa..18a226cdd6 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 486b0a71de..fd3aca9ee8 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index ffa80bde35..615ab7c0d6 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Full API — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 9f9778078a022aa6139f075692b187c4d54a0085..f3d58ddce8ac610f9ff32e6402cfd4d0ae86b297 100644 GIT binary patch delta 58 zcmZpyZ>;AD@MdNaVE}>aOE&UIiZESYvRPfkUlc@FXnq0lC+FFPf~cc*(I866J{|xl C))gNB delta 58 zcmZpyZ>;AD@MdNaVE}=N3peseiZD%FxLIAqUlc@FXnq0lC+FFPf~cc*(I866J{|!7 CHxp?9 diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index e1e3e691e79bebdc7cdef9b754a738f7c36bc27c..4904570a17d611975db569b9c24ebf92f3790fdf 100644 GIT binary patch delta 58 zcmbQ}Ink3Rz?+#xgaHJuFWJcRm5b^6lFiKA;yfT)Mm!TlPi|KZ0#Ub>BS4g?N(=xJ Ch!h?G delta 58 zcmbQ}Ink3Rz?+#xgaHI5F5JlTm5XWO!p+Rw;yfT)Mm!TlPi|KZ0#Ub>BS4g?N(=z# C=@MuF diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 78a1dbf647..006b6e397f 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index cd72d54049..68ac31bb14 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index ddf76de631..67d40d13f1 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index d082b0031b..798ba81553 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index dd47bca939..9112a9c190 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 7b86ec7c28..3b746851e9 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 88452f19f3..c60efcb9a7 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index fd13039373..2b7339a780 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 6e803d0f3f..66d6f64f07 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 716e57333f..8d1ca21ec4 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index ccfcba201c..4723b131a1 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 699efc44d2..f4368d55ef 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 4d7fc2a4be..9379fae754 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 830f956ed4..ea58dc0b93 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+338e542', + VERSION: 'v2.2.0.dev0+251405d', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index a0f3182e6d..78162ad516 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index 6d801c64ad..c3a58f12e7 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 86208be85a..905f9cc6ed 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 52b25ac3ce..395801c45c 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index fbfdf78e52..1c53ccb46b 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 23af470b09..5d903fcaa3 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index ab8627fd84..9f3aea65ce 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 7b33219bec..735ed99419 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+338e542 documentation + System Overview — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index a64185f145..225f97af11 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index da165d54dc..ac30f6810d 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index 98cec7f297..d2062d332c 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/genindex.html b/docs/genindex.html index 3044ad9de0..8fdf6ceaf2 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Index — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index fcd0c73807..77db9b2bd5 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index 16f09cb58c..b2f2439e9c 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index edba4e2f86..81c090461b 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 1aeb8e8c6d..756d6cb78d 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Installation — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/index.html b/docs/index.html index 2b0f76d3fd..ce5acb03fd 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index c579bb4090..6ac378c794 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/objects.inv b/docs/objects.inv index d1fb6946406949ddd5cc2a0f9c920cc79dd1b60f..5ef5101efdf682e3c36adead6b816912c6691564 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAxMy7@)2Bs++LlN(@rY1%kLl - Python Module Index — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 59a4ec16f8..309efb1037 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index 471dcaaac9..a0d3dbf7d3 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index aa56e0e992..096ab140a5 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index ac2f313862..1b1260672d 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 1f9a4b7b92..9c454642dc 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+338e542 documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+338e542.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+251405d.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 4431ab5646..e14888337a 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+338e542 documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+251405d documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 1cbe195e88..c16f35b2ce 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+338e542 documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 4ff125b887..9208656987 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+338e542 documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index deba807562..9aeba7f6f1 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+338e542 documentation + <no title> — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 76c751114e..aa43372e44 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Installation — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 2d6d61d365..7708c8a123 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 06e542105e..047cf4bfe7 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 6248f48be7..b02a33d605 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 4d6d5d48b3..5a37b8d5a9 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index d6540285e8..d878f19f42 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index cd52158176..e1adc762bb 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 8fe04fa5d9..54aa440d1b 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 06a89a10f6..780b31707d 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 1fbf935389..fe4294a82a 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index b88d1d84ff..a8a9d8d525 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index c12883538b..7c9136e429 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index 6210c9d466..d5c977029a 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+338e542 documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 587090af9b..11a0f4341e 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+338e542 documentation + DLA — Torch-TensorRT v2.2.0.dev0+251405d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+338e542 + v2.2.0.dev0+251405d
    From bece720d3c758b4497a3dd08d3e3dabac53da5dd Mon Sep 17 00:00:00 2001 From: Richard Zou Date: Wed, 27 Sep 2023 20:04:44 -0400 Subject: [PATCH 18/62] Update usage of PyTorch's custom op API (#2193) --- .../dynamo/lowering/substitutions/einsum.py | 17 ++++++----------- .../dynamo/lowering/substitutions/maxpool1d.py | 18 +++++++----------- 2 files changed, 13 insertions(+), 22 deletions(-) diff --git a/py/torch_tensorrt/dynamo/lowering/substitutions/einsum.py b/py/torch_tensorrt/dynamo/lowering/substitutions/einsum.py index cfcbdce761..ea44a88be5 100644 --- a/py/torch_tensorrt/dynamo/lowering/substitutions/einsum.py +++ b/py/torch_tensorrt/dynamo/lowering/substitutions/einsum.py @@ -1,26 +1,21 @@ from typing import Any, Dict, Optional, Sequence, Tuple import torch -from torch._custom_op.impl import custom_op +import torch._custom_ops as library from torch.fx.node import Argument, Target from torch_tensorrt.dynamo.lowering._pre_aot_lowering import register_substitution from torch_tensorrt.fx.converter_registry import tensorrt_converter from torch_tensorrt.fx.converters.converter_utils import set_layer_name from torch_tensorrt.fx.types import TRTNetwork, TRTTensor - -@custom_op( - qualname="tensorrt::einsum", - manual_schema="(str equation, Tensor[] tensors) -> Tensor", +library.custom_op( + "tensorrt::einsum", + "(str equation, Tensor[] tensors) -> Tensor", ) -def einsum(equation, tensors): # type: ignore[no-untyped-def] - # Defines operator schema, name, namespace, and function header - ... -@einsum.impl("cpu") # type: ignore[misc] -@einsum.impl("cuda") # type: ignore[misc] -@einsum.impl_abstract() # type: ignore[misc] +@library.impl("tensorrt::einsum") # type: ignore[misc] +@library.impl_abstract("tensorrt::einsum") # type: ignore[misc] def einsum_generic( *args: Any, **kwargs: Any, diff --git a/py/torch_tensorrt/dynamo/lowering/substitutions/maxpool1d.py b/py/torch_tensorrt/dynamo/lowering/substitutions/maxpool1d.py index 6db2664efb..0fb8e89414 100644 --- a/py/torch_tensorrt/dynamo/lowering/substitutions/maxpool1d.py +++ b/py/torch_tensorrt/dynamo/lowering/substitutions/maxpool1d.py @@ -1,7 +1,7 @@ from typing import Any, Dict, Optional, Tuple import torch -from torch._custom_op.impl import custom_op +import torch._custom_ops as library from torch.fx.node import Argument, Target from torch_tensorrt.dynamo.lowering._pre_aot_lowering import register_substitution from torch_tensorrt.fx.converter_registry import tensorrt_converter @@ -20,13 +20,10 @@ # types. The namespace, such as tensorrt, will cause the op to be registered as torch.ops.tensorrt.your_op # Then, create a placeholder function with no operations, but having the same schema and naming as that # used in the decorator -@custom_op( - qualname="tensorrt::maxpool1d", - manual_schema="(Tensor x, int[1] kernel_size, int[1] stride, int[1] padding, int[1] dilation, bool ceil_mode) -> Tensor", +library.custom_op( + "tensorrt::maxpool1d", + "(Tensor x, int[1] kernel_size, int[1] stride, int[1] padding, int[1] dilation, bool ceil_mode) -> Tensor", ) -def maxpool1d(x, kernel_size, stride, padding, dilation, ceil_mode): # type: ignore[no-untyped-def] - # Defines operator schema, name, namespace, and function header - ... # 2. The Generic Implementation @@ -36,9 +33,8 @@ def maxpool1d(x, kernel_size, stride, padding, dilation, ceil_mode): # type: ig # is desirable. If the operator to replace is a custom module you've written, then add its Torch # implementation here. Note that the function header to the generic function can have specific arguments # as in the above placeholder -@maxpool1d.impl("cpu") # type: ignore[misc] -@maxpool1d.impl("cuda") # type: ignore[misc] -@maxpool1d.impl_abstract() # type: ignore[misc] +@library.impl("tensorrt::maxpool1d") # type: ignore[misc] +@library.impl_abstract("tensorrt::maxpool1d") # type: ignore[misc] def maxpool1d_generic( *args: Any, **kwargs: Any, @@ -69,7 +65,7 @@ def maxpool1d_generic( # "bias": bias, # ... # -@register_substitution(torch.nn.MaxPool1d, torch.ops.tensorrt.maxpool1d) +@register_substitution(torch.nn.MaxPool1d, torch.ops.tensorrt.maxpool1d) # type: ignore def maxpool1d_insertion_fn( gm: torch.fx.GraphModule, node: torch.fx.Node, From 78f272107638c8744a87ee1af7a92dff477f7eca Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Thu, 28 Sep 2023 00:25:04 +0000 Subject: [PATCH 19/62] docs: [Automated] Regenerating documenation for bece720 Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 228 insertions(+), 228 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index f084b4228b..b8e4a3063c 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+251405d documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index 5b69665395..0add8c394e 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+251405d documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index 058020dd64..71fd327e05 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+251405d documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 3dec4f9676..b1363c34f2 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+251405d documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 722f6efb2b..5edcbebb4d 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+251405d documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 9b5a11f776..bbf8b6be87 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+251405d documentation + Define STR — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index e3861a5f62..ea5f2c6bb1 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+251405d documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 57a82dbd04..22c1bb85ad 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+251405d documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index 75a474233b..e26af2c6d6 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+251405d documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 523493e763..b61769546f 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+251405d documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 91ce2490cb..9dc4c6833d 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+251405d documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 3642cec614..70363ab98a 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+251405d documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 622ed0a937..b59f90f773 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+251405d documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index bfea891709..aa9c37ee23 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+251405d documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index 50eb21b57f..c10dd89148 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+251405d documentation + Directory include — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index f6650b2266..b407eeb6fe 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+251405d documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index da1744d88f..347dbb8cbc 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+251405d documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index 8bbd282734..fa244ef032 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+251405d documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index f0dcb0d323..5a7f4bd0c7 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+251405d documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index b7a468a329..e258d7540c 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+251405d documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index d81b18a522..a1f080c58b 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+251405d documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 7645c40364..6a0f3bbd27 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+251405d documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index d748db9400..8341e8a6c0 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index 4da0359b85..1eb4d98486 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 2f2733e345..2fed7a7046 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index abd967577f..6bca54cbfc 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index c96091fc60..e2e1008427 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 20966b5415..5ff3241a45 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 6d71a925dc..8c2a7cd900 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index 63f5a6b1a6..f4d5c3f9f3 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+251405d documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index 33fcc964a2..576523ac0a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+251405d documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 0d808b6e25..b91369dea5 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index c1568162bf..05b5b115af 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index 5387dc0ccc..83476fdddb 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index d0346cdeb0..2f8d45524e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index ea3ed97ec5..8bdf2664ef 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 0d5962ac80..f4e1d0d9a2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 77f9da5d4a..db574bf98a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+251405d documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 0e5b3bf825..6255e7f934 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+251405d documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index 5888dd443d..10f50977a6 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+251405d documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 7bff81759e..587c05d4be 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+251405d documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index 9bbb193198..4fffd6e165 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+251405d documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 543748464a..07b6809437 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+251405d documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index c07f3b7d25..e95db15fe9 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+251405d documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index 7edde29398..a8572c2a01 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+251405d documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 65af085353..29acf325e8 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+251405d documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 1883be68ae..9b4fc6c864 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+251405d documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index 0472a6ef64..9b7966e503 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+251405d documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index 434e01c5ea..87d125f228 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+251405d documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 18a226cdd6..72865453b5 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+251405d documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index fd3aca9ee8..d06cb05c3e 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+251405d documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 615ab7c0d6..2b40d2d92a 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+251405d documentation + Full API — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index f3d58ddce8ac610f9ff32e6402cfd4d0ae86b297..58e6d54fd87478e9e959eabf647fe2dc122217b7 100644 GIT binary patch delta 64 zcmZpyZ>;AH@MdNaVE_SfW}A(?5+ck%db5UzpD377sreZ!GCAKa1SBx|m|YZ@R<@4= E0I@0#M*si- delta 64 zcmZpyZ>;AH@MdNaVE}>aORP8YN{BE6>CGA7h E0FxgUhX4Qo diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 4904570a17d611975db569b9c24ebf92f3790fdf..1e2263927170d07342a7f8ae6aff21e885f95db4 100644 GIT binary patch delta 64 zcmbQ}Ink3hz?+#xgaHJ^nQb=me&J#U(wkYh#dyFBS@8@oV{(UbAV^^H9p!K^ZKe_p E0GMG7MgRZ+ delta 64 zcmbQ}Ink3hz?+#xgaHJuFR|Xp`-O`cNN;B07UKakWW_VUjL99!fgpj&ca+1yw3$jY E0D4vxh5!Hn diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 006b6e397f..ffa5876610 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+251405d documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index 68ac31bb14..c76b67a6d6 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 67d40d13f1..552b79746f 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 798ba81553..d741eb960e 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index 9112a9c190..215d9593cb 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 3b746851e9..e22fec34b4 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index c60efcb9a7..3db804910b 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 2b7339a780..43747ba01e 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 66d6f64f07..d716532d9d 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 8d1ca21ec4..d8717e0784 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 4723b131a1..0cd99d2b17 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index f4368d55ef..c193a76d0b 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 9379fae754..2e3bb34e28 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index ea58dc0b93..17a26e32de 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+251405d', + VERSION: 'v2.2.0.dev0+bece720', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 78162ad516..620630b653 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+251405d documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index c3a58f12e7..43acf3f1f8 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+251405d documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 905f9cc6ed..50c679f0f5 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+251405d documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 395801c45c..0a5d53defa 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+251405d documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 1c53ccb46b..14a35a9802 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+251405d documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 5d903fcaa3..a96b110747 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+251405d documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index 9f3aea65ce..18e3ef7cb7 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+251405d documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 735ed99419..35741b0828 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+251405d documentation + System Overview — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 225f97af11..fb64569b8e 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+251405d documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index ac30f6810d..d17fbab392 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+251405d documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index d2062d332c..669039c568 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+251405d documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/genindex.html b/docs/genindex.html index 8fdf6ceaf2..16ac037ac2 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+251405d documentation + Index — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index 77db9b2bd5..5f7dec2faf 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+251405d documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index b2f2439e9c..cb682b02e8 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+251405d documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 81c090461b..6942089941 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+251405d documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 756d6cb78d..66e26122ce 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+251405d documentation + Installation — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/index.html b/docs/index.html index ce5acb03fd..4af6fc1f9f 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+251405d documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 6ac378c794..1a920665c1 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+251405d documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/objects.inv b/docs/objects.inv index 5ef5101efdf682e3c36adead6b816912c6691564..3cd053315a728f266c6399de7a1a756014eae6ec 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAxNvX-H=0*k^Ll - Python Module Index — Torch-TensorRT v2.2.0.dev0+251405d documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 309efb1037..5e9868d57c 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index a0d3dbf7d3..4bd239fe56 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 096ab140a5..87fcd66ee2 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index 1b1260672d..2ca06436c5 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 9c454642dc..12cff54905 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+251405d documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+251405d.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+bece720.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index e14888337a..01ded0c24e 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+251405d documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+bece720 documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index c16f35b2ce..19ba145df5 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+251405d documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 9208656987..83b54a53ce 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+251405d documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index 9aeba7f6f1..ef0191b472 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+251405d documentation + <no title> — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index aa43372e44..0a949234d4 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+251405d documentation + Installation — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 7708c8a123..4453e5d47b 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+251405d documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 047cf4bfe7..2c9feee3be 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+251405d documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index b02a33d605..901f9e7e44 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+251405d documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 5a37b8d5a9..9ce99adcf9 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+251405d documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index d878f19f42..8754160f0a 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+251405d documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index e1adc762bb..5589d81a84 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+251405d documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 54aa440d1b..dfcc56c062 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+251405d documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 780b31707d..018e6adef0 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+251405d documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index fe4294a82a..63dcbb3e88 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+251405d documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index a8a9d8d525..43ac89a52c 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+251405d documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 7c9136e429..64d1f3a877 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+251405d documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index d5c977029a..e45bb5eae4 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+251405d documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 11a0f4341e..de0d15cb90 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+251405d documentation + DLA — Torch-TensorRT v2.2.0.dev0+bece720 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+251405d + v2.2.0.dev0+bece720
    From 765933adec2e26d669ca69a06cfa80ed1cd32d64 Mon Sep 17 00:00:00 2001 From: Bo Wang <33285888+bowang007@users.noreply.github.com> Date: Wed, 27 Sep 2023 17:40:20 -0700 Subject: [PATCH 20/62] feat: support bmm converter in dynamo (#2248) Signed-off-by: Bo Wang --- .../dynamo/conversion/aten_ops_converters.py | 1 + tests/py/dynamo/conversion/test_bmm.py | 36 +++++++++++++++++++ 2 files changed, 37 insertions(+) create mode 100644 tests/py/dynamo/conversion/test_bmm.py diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index 50fb750a2c..b82f199423 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -245,6 +245,7 @@ def aten_ops_hard_sigmoid( @dynamo_tensorrt_converter(torch.ops.aten.matmul) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.mm.default) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.mv.default) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.bmm.default) # type: ignore[misc] def aten_ops_matmul( network: TRTNetwork, target: Target, diff --git a/tests/py/dynamo/conversion/test_bmm.py b/tests/py/dynamo/conversion/test_bmm.py new file mode 100644 index 0000000000..391bd0bf89 --- /dev/null +++ b/tests/py/dynamo/conversion/test_bmm.py @@ -0,0 +1,36 @@ +import torch +import torch.nn as nn +from parameterized import parameterized +from torch.testing._internal.common_utils import run_tests + +from .harness import DispatchTestCase + + +class TestBmmConverter(DispatchTestCase): + @parameterized.expand( + [ + ("10_3_5", (10, 3, 4), (10, 4, 5)), + ("1_10_1", (1, 10, 1), (1, 1, 1)), + ("1_1_1", (1, 1, 1), (1, 1, 1)), + ] + ) + def test_bmm(self, _, input_shape, mat2_shape): + class BMM(nn.Module): + def __init__(self): + super().__init__() + + def forward(self, input, mat2): + return torch.bmm(input, mat2) + + inputs = [torch.randn(*input_shape), torch.randn(*mat2_shape)] + + self.run_test( + BMM(), + inputs, + disable_passes=True, + expected_ops={torch.ops.aten.bmm.default}, + ) + + +if __name__ == "__main__": + run_tests() From 0d402fb9e66e2bc9b94a1426512ba7f5d2179aed Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Thu, 28 Sep 2023 00:57:52 +0000 Subject: [PATCH 21/62] docs: [Automated] Regenerating documenation for 765933a Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 228 insertions(+), 228 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index b8e4a3063c..487e52b446 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index 0add8c394e..e949609c13 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index 71fd327e05..81f72bb765 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index b1363c34f2..96c88aee61 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 5edcbebb4d..7fa3f1d909 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index bbf8b6be87..b821483b26 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Define STR — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index ea5f2c6bb1..61e7710ac2 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 22c1bb85ad..e92887138f 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index e26af2c6d6..0062c8812b 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index b61769546f..ec5b248b13 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 9dc4c6833d..b72d527552 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 70363ab98a..18f78cbe9a 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index b59f90f773..a5b43d7262 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index aa9c37ee23..de7d741f20 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index c10dd89148..28238cfa8e 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Directory include — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index b407eeb6fe..3c08e48a60 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 347dbb8cbc..892480b2b1 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index fa244ef032..c2e1b0879f 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 5a7f4bd0c7..651448b046 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index e258d7540c..edb6a99b72 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index a1f080c58b..342e64aebf 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 6a0f3bbd27..732fd06866 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index 8341e8a6c0..b43200883d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index 1eb4d98486..bffe8280e2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 2fed7a7046..b37850a0bf 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 6bca54cbfc..5725e08b77 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index e2e1008427..faab3e2acd 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 5ff3241a45..b66161ae06 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 8c2a7cd900..7be5d3c750 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index f4d5c3f9f3..d1e82acf95 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index 576523ac0a..f5bc3f27a6 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index b91369dea5..c46a72ad4d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index 05b5b115af..ea57bb3b32 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index 83476fdddb..b758be6a31 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 2f8d45524e..d383f5a72f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index 8bdf2664ef..d6bf263b36 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index f4e1d0d9a2..ee31df1e6a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index db574bf98a..6785f1b078 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 6255e7f934..a1cc5e30ec 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index 10f50977a6..1107d3a2cf 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 587c05d4be..4e3654287c 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index 4fffd6e165..c61860bda5 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 07b6809437..17bc63660f 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index e95db15fe9..fad67f78aa 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index a8572c2a01..c15ae0efa2 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 29acf325e8..57090d51c7 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 9b4fc6c864..1b7327fcee 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index 9b7966e503..5e7f5d2fb3 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index 87d125f228..71bbd44d17 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 72865453b5..a236c022c3 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index d06cb05c3e..6942a7a14b 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 2b40d2d92a..28d2603bb2 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Full API — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 58e6d54fd87478e9e959eabf647fe2dc122217b7..8d2b3002932df1c50cf6c1dc5defe46b29041f1d 100644 GIT binary patch delta 58 zcmZpyZ>;AD@MdNaVE_R`_KiG}B20$to7F}9ML~3h<`)oua-Ll%h&pN)4Wg9n;{kL( B4UGT* delta 58 zcmZpyZ>;AD@MdNaVE_Sf=8Zg(B241Uo7F}9ML~3h<`)oua-Ll%h&pN)4Wg9n;{jtk B4A}qx diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 1e2263927170d07342a7f8ae6aff21e885f95db4..1dcc0b76498677f996fd4b14e828e21972e6f934 100644 GIT binary patch delta 58 zcmbQ}Ink3Rz?+#xgaHH$**Efh - Overview: module code — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index c76b67a6d6..76eb8f246b 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 552b79746f..ab957f40e5 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index d741eb960e..00bfc7c0c7 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index 215d9593cb..6f43f9131a 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index e22fec34b4..d8834b57f3 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 3db804910b..9dffea82f7 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 43747ba01e..d7b01aebd4 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index d716532d9d..efaec8c197 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index d8717e0784..c13cff1645 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 0cd99d2b17..cb2a2b1840 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index c193a76d0b..b6c3bf800c 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 2e3bb34e28..fb462af266 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 17a26e32de..629342f052 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+bece720', + VERSION: 'v2.2.0.dev0+765933a', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 620630b653..20f12801fe 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index 43acf3f1f8..13f5787d40 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 50c679f0f5..0a83063811 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 0a5d53defa..df10812741 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 14a35a9802..dd43917186 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index a96b110747..dc434ede45 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index 18e3ef7cb7..d1882d13f4 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 35741b0828..acaf8baf25 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+bece720 documentation + System Overview — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index fb64569b8e..6e656874fa 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index d17fbab392..82dca94997 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index 669039c568..01606aa486 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/genindex.html b/docs/genindex.html index 16ac037ac2..ea902a9fbb 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Index — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index 5f7dec2faf..88e160fe96 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index cb682b02e8..811cd74594 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 6942089941..4a92ac489a 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 66e26122ce..e2b42a3c08 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Installation — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/index.html b/docs/index.html index 4af6fc1f9f..51f2704163 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 1a920665c1..e6e99ff36e 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/objects.inv b/docs/objects.inv index 3cd053315a728f266c6399de7a1a756014eae6ec..ce47057568e1b3556ab52dd20673ae9088832c07 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAx=4Pgr#>R;oLl - Python Module Index — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 5e9868d57c..d3e20bdd25 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index 4bd239fe56..2993272ca1 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 87fcd66ee2..d2dc970b99 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index 2ca06436c5..b929557057 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 12cff54905..e5a7bc60b6 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+bece720 documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+bece720.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+765933a.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 01ded0c24e..4ce1dc05de 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+bece720 documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+765933a documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 19ba145df5..5052d8fd2a 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+bece720 documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 83b54a53ce..e536b4534d 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+bece720 documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index ef0191b472..dcbd89966b 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+bece720 documentation + <no title> — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 0a949234d4..664b023927 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Installation — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 4453e5d47b..c280190fda 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 2c9feee3be..972cc5fa91 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 901f9e7e44..1b637fc4a9 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 9ce99adcf9..17fc21aed3 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 8754160f0a..5de6c6c252 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 5589d81a84..e29940db46 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index dfcc56c062..68a8f6eeaa 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 018e6adef0..347f9f6710 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 63dcbb3e88..4d4638a947 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index 43ac89a52c..b87bfc9986 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 64d1f3a877..8f355346df 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index e45bb5eae4..ceb66b05cf 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+bece720 documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index de0d15cb90..deb3d3f771 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+bece720 documentation + DLA — Torch-TensorRT v2.2.0.dev0+765933a documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+bece720 + v2.2.0.dev0+765933a
    From 891c2efe5c893a3cd8342b84c2e238691b0d8a35 Mon Sep 17 00:00:00 2001 From: "Zewen (Evan) Li" Date: Fri, 29 Sep 2023 11:17:22 -0700 Subject: [PATCH 22/62] feat: support 1D, 2D, and 3D avg and max pooling dynamo converters (#2317) --- .../dynamo/conversion/aten_ops_converters.py | 87 +++++++ .../dynamo/conversion/impl/__init__.py | 1 + .../dynamo/conversion/impl/pool.py | 105 ++++++++ tests/py/dynamo/conversion/test_pool_aten.py | 235 ++++++++++++++++++ 4 files changed, 428 insertions(+) create mode 100644 py/torch_tensorrt/dynamo/conversion/impl/pool.py create mode 100644 tests/py/dynamo/conversion/test_pool_aten.py diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index b82f199423..dd18be9151 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -1413,3 +1413,90 @@ def aten_ops_linear( weight=args[1], bias=args_bounds_check(args, 2, None), ) + + +def avg_pool_param_validator(pool_node: Node) -> bool: + ceil_mode = args_bounds_check(pool_node.args, 4, False) + divisor_override = args_bounds_check(pool_node.args, 6) + + if ceil_mode is not False: + _LOGGER.debug( + f"Currently we don't support specifying ceil_mode, got ceil_mode={ceil_mode}." + ) + return False + + if divisor_override is not None: + _LOGGER.debug( + f"Currently we don't support divisor_override, got divisor_override={divisor_override}." + ) + return False + + return True + + +# Note: AvgPool1d uses avg_pool2d as it converts to 2D first. +@dynamo_tensorrt_converter(torch.ops.aten.avg_pool1d.default, capability_validator=avg_pool_param_validator) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.avg_pool2d.default, capability_validator=avg_pool_param_validator) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.avg_pool3d.default, capability_validator=avg_pool_param_validator) # type: ignore[misc] +def aten_ops_avg_pool( + network: TRTNetwork, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.pool.avg_poolNd( + network, + target, + source_ir=SourceIR.ATEN, + name=name, + input=args[0], + kernel_size=args[1], + stride=args_bounds_check(args, 2, replacement=[]), + padding=args_bounds_check(args, 3, replacement=0), + ceil_mode=args_bounds_check(args, 4, replacement=False), + count_include_pad=args_bounds_check(args, 5, replacement=True), + divisor_override=args_bounds_check(args, 6, replacement=None), + ) + + +def max_pool_param_validator(pool_node: Node) -> bool: + dilation = args_bounds_check(pool_node.args, 4, 1) + ceil_mode = args_bounds_check(pool_node.args, 5, False) + + if dilation != 1: + _LOGGER.debug(f"Currently we don't support dilation, got dilation={dilation}.") + return False + + if ceil_mode is not False: + _LOGGER.debug( + f"Currently we don't support specifying ceil_mode, got ceil_mode={ceil_mode}." + ) + return False + + return True + + +# Note: MaxPool1d uses max_pool2d as it converts to 2D first. +@dynamo_tensorrt_converter(torch.ops.aten.max_pool1d.default, capability_validator=max_pool_param_validator) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.max_pool2d.default, capability_validator=max_pool_param_validator) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.max_pool3d.default, capability_validator=max_pool_param_validator) # type: ignore[misc] +def aten_ops_max_pool( + network: TRTNetwork, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.pool.max_poolNd( + network, + target, + source_ir=SourceIR.ATEN, + name=name, + input=args[0], + kernel_size=args[1], + stride=args_bounds_check(args, 2, replacement=[]), + padding=args_bounds_check(args, 3, replacement=0), + dilation=args_bounds_check(args, 4, replacement=1), + ceil_mode=args_bounds_check(args, 5, replacement=False), + ) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py index 8477b6449b..b247bd2cf9 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py @@ -12,6 +12,7 @@ matmul, normalization, permutation, + pool, reduce, select, shape, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/pool.py b/py/torch_tensorrt/dynamo/conversion/impl/pool.py new file mode 100644 index 0000000000..a84402ba89 --- /dev/null +++ b/py/torch_tensorrt/dynamo/conversion/impl/pool.py @@ -0,0 +1,105 @@ +from typing import Optional, Sequence, Union + +import tensorrt as trt +from torch.fx.node import Target +from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion.converter_utils import extend_attr_to_tuple +from torch_tensorrt.fx.converters.converter_utils import ( + has_dynamic_shape, + set_layer_name, +) +from torch_tensorrt.fx.types import TRTNetwork, TRTTensor + + +def avg_poolNd( + network: TRTNetwork, + target: Union[Target, str], + source_ir: Optional[SourceIR], + name: str, + input: TRTTensor, + kernel_size: Sequence[int], + stride: Union[int, Sequence[int]], + padding: Union[int, Sequence[int]] = 0, + ceil_mode: bool = False, + count_include_pad: bool = True, + divisor_override: Optional[int] = None, +) -> TRTTensor: + if has_dynamic_shape(input.shape): + assert input.shape[1] != -1, "Channel dim can't be dynamic for pooling." + + if ceil_mode is not False: + raise RuntimeError("ceil_mode is not yet supported!") + + if divisor_override is not None: + raise RuntimeError("divisor_override is not yet supported!") + + dim = len(kernel_size) + + kernel_size = extend_attr_to_tuple(kernel_size, dim) + + if stride == []: + stride = kernel_size + else: + stride = extend_attr_to_tuple(stride, dim) + + padding = extend_attr_to_tuple(padding, dim) + + # add average pooling layer + pool_layer = network.add_pooling_nd( + input=input, + type=trt.PoolingType.AVERAGE, + window_size=kernel_size, + ) + + pool_layer.stride_nd = stride + pool_layer.padding_nd = padding + pool_layer.average_count_excludes_padding = not count_include_pad + + set_layer_name(pool_layer, target, name, source_ir) + return pool_layer.get_output(0) + + +def max_poolNd( + network: TRTNetwork, + target: Union[Target, str], + source_ir: Optional[SourceIR], + name: str, + input: TRTTensor, + kernel_size: Sequence[int], + stride: Union[int, Sequence[int]], + padding: Union[int, Sequence[int]] = 0, + dilation: Union[int, Sequence[int]] = 1, + ceil_mode: bool = False, +) -> TRTTensor: + if has_dynamic_shape(input.shape): + assert input.shape[1] != -1, "Channel dim can't be dynamic for pooling." + + if dilation != 1: + raise RuntimeError("dilation is not yet supported!") + + if ceil_mode is not False: + raise RuntimeError("ceil_mode is not yet supported!") + + dim = len(kernel_size) + + kernel_size = extend_attr_to_tuple(kernel_size, dim) + + if stride == []: + stride = kernel_size + else: + stride = extend_attr_to_tuple(stride, dim) + + padding = extend_attr_to_tuple(padding, dim) + + # add max pooling layer + pool_layer = network.add_pooling_nd( + input=input, + type=trt.PoolingType.MAX, + window_size=kernel_size, + ) + + pool_layer.stride_nd = stride + pool_layer.padding_nd = padding + + set_layer_name(pool_layer, target, name, source_ir) + return pool_layer.get_output(0) diff --git a/tests/py/dynamo/conversion/test_pool_aten.py b/tests/py/dynamo/conversion/test_pool_aten.py new file mode 100644 index 0000000000..4bd6e8ba25 --- /dev/null +++ b/tests/py/dynamo/conversion/test_pool_aten.py @@ -0,0 +1,235 @@ +import torch +from parameterized import param, parameterized +from torch.testing._internal.common_utils import run_tests +from torch_tensorrt import Input + +from .harness import DispatchTestCase + + +class TestPoolConverter(DispatchTestCase): + @parameterized.expand( + [ + (3, 1, 0), + (3, 1, 1), + (2, None, 0), + (4, 1, 1), + (5, 2, 0), + (7, 2, 1), + ] + ) + def test_avg_pool1d( + self, + kernel_size, + stride=1, + padding=0, + ceil_mode=False, + count_include_pad=True, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.pool = torch.nn.AvgPool1d( + kernel_size, stride, padding, ceil_mode, count_include_pad + ) + + def forward(self, x): + return self.pool(x) + + inputs = [torch.randn(1, 3, 32)] + self.run_test( + TestModule(), + inputs, + expected_ops={torch.ops.aten.avg_pool2d.default}, + ) + + @parameterized.expand( + [ + (3, 1, 0), + (3, 1, 1), + ((2, 2), None, (1, 0)), + ((4, 3), (1, 1), (1, 1)), + ((5, 4), (2, 1), (1, 0)), + ((7, 7), (1, 2), (0, 1)), + ] + ) + def test_avg_pool2d( + self, + kernel_size, + stride, + padding, + ceil_mode=False, + count_include_pad=True, + divisor_override=None, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.pool = torch.nn.AvgPool2d( + kernel_size, + stride, + padding, + ceil_mode, + count_include_pad, + divisor_override, + ) + + def forward(self, x): + return self.pool(x) + + inputs = [torch.randn(1, 3, 32, 32)] + self.run_test( + TestModule(), inputs, expected_ops={torch.ops.aten.avg_pool2d.default} + ) + + @parameterized.expand( + [ + (3, 1, 0), + (3, 1, 1), + ((2, 2, 3), None, (1, 0, 1)), + ((4, 3, 2), (1, 1, 1), (1, 1, 0)), + ((5, 4, 3), (2, 1, 2), (1, 0, 1)), + ((7, 7, 7), (1, 2, 1), (0, 1, 1)), + ] + ) + def test_avg_pool3d( + self, + kernel_size, + stride, + padding, + ceil_mode=False, + count_include_pad=True, + divisor_override=None, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.pool = torch.nn.AvgPool3d( + kernel_size, + stride, + padding, + ceil_mode, + count_include_pad, + divisor_override, + ) + + def forward(self, x): + return self.pool(x) + + inputs = [torch.randn(1, 3, 32, 32, 32)] + self.run_test( + TestModule(), inputs, expected_ops={torch.ops.aten.avg_pool3d.default} + ) + + @parameterized.expand( + [ + (3, 1, 0), + (3, 1, 1), + (2, None, 0), + (4, 1, 1), + (5, 2, 0), + (7, 2, 1), + ] + ) + def test_max_pool1d( + self, + kernel_size, + stride, + padding, + dilation=1, + return_indices=False, + ceil_mode=False, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.pool = torch.nn.MaxPool1d( + kernel_size, stride, padding, dilation, return_indices, ceil_mode + ) + + def forward(self, x): + return self.pool(x) + + inputs = [torch.randn(1, 3, 32)] + self.run_test( + TestModule(), + inputs, + expected_ops={torch.ops.aten.max_pool2d}, + ) + + @parameterized.expand( + [ + (3, 1, 0), + (3, 1, 1), + ((2, 2), None, (1, 0)), + ((4, 3), (1, 1), (1, 1)), + ((5, 4), (2, 1), (1, 0)), + ((7, 7), (1, 2), (0, 1)), + ] + ) + def test_max_pool2d( + self, + kernel_size, + stride, + padding, + dilation=1, + return_indices=False, + ceil_mode=False, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.pool = torch.nn.MaxPool2d( + kernel_size, + stride, + padding, + dilation, + return_indices, + ceil_mode, + ) + + def forward(self, x): + return self.pool(x) + + inputs = [torch.randn(1, 3, 32, 32)] + self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.max_pool2d}) + + @parameterized.expand( + [ + (3, 1, 0), + (3, 1, 1), + ((2, 2, 3), None, (1, 0, 1)), + ((4, 3, 2), (1, 1, 1), (1, 1, 0)), + ((5, 4, 3), (2, 1, 2), (1, 0, 1)), + ((7, 7, 7), (1, 2, 1), (0, 1, 1)), + ] + ) + def test_max_pool3d( + self, + kernel_size, + stride, + padding, + dilation=1, + return_indices=False, + ceil_mode=False, + ): + class TestModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.pool = torch.nn.MaxPool3d( + kernel_size, + stride, + padding, + dilation, + return_indices, + ceil_mode, + ) + + def forward(self, x): + return self.pool(x) + + inputs = [torch.randn(1, 3, 32, 32, 32)] + self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.max_pool3d}) + + +if __name__ == "__main__": + run_tests() From 253bbd1dab996261f219e9161aa6a2a7244b24a1 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Fri, 29 Sep 2023 18:34:13 +0000 Subject: [PATCH 23/62] docs: [Automated] Regenerating documenation for 891c2ef Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 228 insertions(+), 228 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 487e52b446..ddfef1d071 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+765933a documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index e949609c13..121987d3a9 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+765933a documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index 81f72bb765..f516e3f5ce 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+765933a documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 96c88aee61..f57852a93c 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+765933a documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 7fa3f1d909..3dce7c7ff1 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+765933a documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index b821483b26..70f837ee22 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+765933a documentation + Define STR — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 61e7710ac2..35fbc5626f 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+765933a documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index e92887138f..94891d0091 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+765933a documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index 0062c8812b..41a5428534 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+765933a documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index ec5b248b13..5dc57562b6 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+765933a documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index b72d527552..80993d286b 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+765933a documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 18f78cbe9a..6ae67efb2b 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+765933a documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index a5b43d7262..2043e16563 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+765933a documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index de7d741f20..95629a8e8f 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+765933a documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index 28238cfa8e..8e3e88ccca 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+765933a documentation + Directory include — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index 3c08e48a60..433157e75d 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+765933a documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 892480b2b1..bf6d437651 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+765933a documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index c2e1b0879f..6591b6391c 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+765933a documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 651448b046..b6581f999b 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+765933a documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index edb6a99b72..1256df5c5f 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+765933a documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 342e64aebf..89e58018c7 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+765933a documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 732fd06866..47a2f082a6 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+765933a documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index b43200883d..0b43a3ff74 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index bffe8280e2..e54c4bf81f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index b37850a0bf..45b6edffc3 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 5725e08b77..c3f3bed269 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index faab3e2acd..f8ad2265f9 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index b66161ae06..bae02dd983 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 7be5d3c750..a4a5600ab2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index d1e82acf95..0be733a22a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+765933a documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index f5bc3f27a6..c85542b010 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+765933a documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index c46a72ad4d..883d4a7f03 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index ea57bb3b32..2349e9926d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index b758be6a31..f8003710e7 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index d383f5a72f..fe6a06dd72 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index d6bf263b36..7f81ad1bd5 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index ee31df1e6a..72612f4af2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 6785f1b078..b00341295d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+765933a documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index a1cc5e30ec..a14bfe4cc8 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+765933a documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index 1107d3a2cf..b03afb6f62 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+765933a documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 4e3654287c..bc8de03dc5 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+765933a documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index c61860bda5..8b8a85ee8b 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+765933a documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 17bc63660f..5e6209f882 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+765933a documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index fad67f78aa..546594d300 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+765933a documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index c15ae0efa2..5e862176a4 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+765933a documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 57090d51c7..1dd095a0a6 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+765933a documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 1b7327fcee..2e9bcb6f05 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+765933a documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index 5e7f5d2fb3..e7c8e458fe 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+765933a documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index 71bbd44d17..550260fdee 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+765933a documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index a236c022c3..8ae225fdae 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+765933a documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 6942a7a14b..8a5b0910ac 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+765933a documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 28d2603bb2..5e64b1a9dc 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+765933a documentation + Full API — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 8d2b3002932df1c50cf6c1dc5defe46b29041f1d..ce4cdb20d79d4397a4c03459fd71b04c353272cf 100644 GIT binary patch delta 64 zcmZpyZ>;AH@MdNaVE_TEDYhGVB}ABk^kxkaKT$BFQu8xdWOBY;2uNV^F}o-*t!y6$ E03+HGg#Z8m delta 64 zcmZpyZ>;AH@MdNaVE_R`cAJg75+ck%db5UzpD377sreZ!GCAKa1SBx|m|YZ@R<@4= E0K}vY`v3p{ diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 1dcc0b76498677f996fd4b14e828e21972e6f934..df362449fda7b1e10ed6c9b5ef40bd3e09856a58 100644 GIT binary patch delta 64 zcmbQ}Ink3hz?+#xgaHJsrr2)e{ldizq&Ks0i}8RNvf>$F#^es=K#;)XJIdi;+Ds)H E01FWjga7~l delta 64 zcmbQ}Ink3hz?+#xgaHH$*=;uRe&J#U(wkYh#dyFBS@8@oV{(UbAV^^H9p!K^ZKe_p E0IS;#`Tzg` diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 0376a2d344..a7e9862ed1 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+765933a documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index 76eb8f246b..1d0a9c3c96 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index ab957f40e5..78106db4bb 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 00bfc7c0c7..08133e7d5a 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index 6f43f9131a..b6cd9e4edf 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index d8834b57f3..9f96c0cd73 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 9dffea82f7..ec9a88e6db 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index d7b01aebd4..6c201fefe7 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index efaec8c197..d12fa6cbb6 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index c13cff1645..9261ebcc4f 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index cb2a2b1840..076bf87036 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index b6c3bf800c..2eb43110d8 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index fb462af266..99b4978648 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 629342f052..0b73088f07 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+765933a', + VERSION: 'v2.2.0.dev0+891c2ef', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 20f12801fe..0bdbe3a093 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+765933a documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index 13f5787d40..51c61d9848 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+765933a documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 0a83063811..47a820ec9f 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+765933a documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index df10812741..894d12b59f 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+765933a documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index dd43917186..4eedcae138 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+765933a documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index dc434ede45..08f95c5913 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+765933a documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index d1882d13f4..d13970db1d 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+765933a documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index acaf8baf25..5389678665 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+765933a documentation + System Overview — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 6e656874fa..14775d8dc3 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+765933a documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 82dca94997..c4e3cd90fd 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+765933a documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index 01606aa486..d16ee30546 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+765933a documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/genindex.html b/docs/genindex.html index ea902a9fbb..00279ff618 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+765933a documentation + Index — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index 88e160fe96..c61d5951e5 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+765933a documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index 811cd74594..bdbd992573 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+765933a documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 4a92ac489a..87bcd27a33 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+765933a documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index e2b42a3c08..7b71eacf83 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+765933a documentation + Installation — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/index.html b/docs/index.html index 51f2704163..b14d7ad7fd 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+765933a documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index e6e99ff36e..0ff6a38fbe 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+765933a documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/objects.inv b/docs/objects.inv index ce47057568e1b3556ab52dd20673ae9088832c07..2905f0c98d2b0d2df5efec4b923dd5ba7271fead 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAx7M6y|MyY8VLlR;oLl - Python Module Index — Torch-TensorRT v2.2.0.dev0+765933a documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index d3e20bdd25..e2972efda3 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index 2993272ca1..f5b4e7992c 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index d2dc970b99..6c867cec69 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index b929557057..7ccab894f1 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index e5a7bc60b6..c8d82c8f51 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+765933a documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+765933a.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+891c2ef.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 4ce1dc05de..535fc83d27 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+765933a documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+891c2ef documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 5052d8fd2a..baa2e3cdec 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+765933a documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index e536b4534d..f01b14c5e5 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+765933a documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index dcbd89966b..7e6ddecc25 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+765933a documentation + <no title> — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 664b023927..d2b9d9230b 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+765933a documentation + Installation — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index c280190fda..9dc9c3c8db 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+765933a documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 972cc5fa91..065bb5a1f3 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+765933a documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 1b637fc4a9..1c724f52cf 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+765933a documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 17fc21aed3..413b510ab8 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+765933a documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 5de6c6c252..efbe32565c 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+765933a documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index e29940db46..7248b4e16a 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+765933a documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 68a8f6eeaa..9886968c2d 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+765933a documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 347f9f6710..cc4682a8b2 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+765933a documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 4d4638a947..a1144b9b71 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+765933a documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index b87bfc9986..0c0119d9cf 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+765933a documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 8f355346df..d04f9b61a7 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+765933a documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index ceb66b05cf..a74f48bc82 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+765933a documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index deb3d3f771..6ecfbf62b0 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+765933a documentation + DLA — Torch-TensorRT v2.2.0.dev0+891c2ef documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+765933a + v2.2.0.dev0+891c2ef
    From 46cfa3531414022e3225a78898e330f12768e0f6 Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Fri, 29 Sep 2023 13:39:43 -0700 Subject: [PATCH 24/62] fix: Add support for negative dimensions in reduce (#2347) --- .../dynamo/conversion/converter_utils.py | 40 ++++++++++++++++++- .../conversion/impl/normalization/ops.py | 2 +- .../dynamo/conversion/impl/permutation.py | 8 ++-- .../dynamo/conversion/impl/reduce.py | 9 +++-- .../dynamo/conversion/impl/select.py | 7 +--- .../dynamo/conversion/impl/slice/ops.py | 2 +- .../dynamo/conversion/impl/squeeze.py | 27 ++++++------- .../dynamo/conversion/impl/unsqueeze.py | 6 +-- tests/py/dynamo/conversion/test_amax_aten.py | 3 ++ tests/py/dynamo/conversion/test_sum_aten.py | 3 ++ 10 files changed, 72 insertions(+), 35 deletions(-) diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index 8e0c9e777a..12c11bc9f1 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -1,7 +1,7 @@ import functools import logging import re -from typing import Any, Callable, List, Optional, Tuple, Union +from typing import Any, Callable, List, Optional, Sequence, Tuple, Union, overload import numpy as np import tensorrt as trt @@ -314,3 +314,41 @@ def get_trt_tensor( return input_val else: raise AssertionError(f"Cannot convert {input_val} to TRT constant") + + +@overload +def get_positive_dim(dim: int, dim_size: int) -> int: + ... + + +@overload +def get_positive_dim(dim: Sequence[int], dim_size: int) -> Tuple[int, ...]: + ... + + +def get_positive_dim( + dim: Union[int, Sequence[int]], dim_size: int +) -> Union[int, Tuple[int, ...]]: + """ + Given an integer number or tuple that represents dimension(s) in the array, + transform it to a positive integer dim if it's negative. Otherwise, do + nothing. + + Args: + dim (Union[int, Sequence[int]]): A integer or Sequence of integers that represent dimension(s) in an array. + dim_size (int): The size of the dimension in the array. + + Returns: + A positive integer or tuple of integers that represent the same dimension as the given dim. + """ + + def positive_dim(d: int) -> int: + if d < 0: + return d % dim_size + return d + + return ( + positive_dim(dim) + if isinstance(dim, int) + else tuple(positive_dim(d) for d in dim) + ) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/normalization/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/normalization/ops.py index 7822b515f8..44209de2f0 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/normalization/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/normalization/ops.py @@ -6,12 +6,12 @@ import torch from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim from torch_tensorrt.dynamo.conversion.impl.elementwise.base import ( convert_binary_elementwise, ) from torch_tensorrt.dynamo.conversion.impl.unary.base import convert_unary from torch_tensorrt.fx.converters.converter_utils import ( - get_positive_dim, get_trt_plugin, has_dynamic_shape, set_layer_name, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/permutation.py b/py/torch_tensorrt/dynamo/conversion/impl/permutation.py index 4ab7e31bc5..ff1e98dbf5 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/permutation.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/permutation.py @@ -2,10 +2,8 @@ from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR -from torch_tensorrt.fx.converters.converter_utils import ( - get_positive_dim, - set_layer_name, -) +from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim +from torch_tensorrt.fx.converters.converter_utils import set_layer_name from torch_tensorrt.fx.types import TRTNetwork, TRTTensor @@ -22,7 +20,7 @@ def permute( f"permute received input {input} that is not a TensorRT ITensor" ) - permutation = [get_positive_dim(i, len(input.shape)) for i in permutation] + permutation = get_positive_dim(permutation, len(input.shape)) layer = network.add_shuffle(input) layer.second_transpose = tuple(permutation) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/reduce.py b/py/torch_tensorrt/dynamo/conversion/impl/reduce.py index c57bba48ac..1cb2559ae3 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/reduce.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/reduce.py @@ -1,4 +1,4 @@ -from typing import Optional, Sequence, Tuple, Union +from typing import Optional, Sequence, Union import tensorrt as trt from torch.fx.node import Target @@ -6,6 +6,7 @@ from torch_tensorrt.dynamo.conversion.converter_utils import ( cast_trt_tensor, get_axes_for_reduce_op, + get_positive_dim, ) from torch_tensorrt.fx.converters.converter_utils import set_layer_name from torch_tensorrt.fx.types import TRTNetwork, TRTTensor @@ -17,7 +18,7 @@ def amax( source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, - dim: Union[int, Tuple[int]], + dim: Union[int, Sequence[int]], keepdim: bool = False, ) -> TRTTensor: if (isinstance(input_val, TRTTensor)) and ( @@ -28,7 +29,7 @@ def amax( layer = network.add_reduce( input_val, trt.ReduceOperation.MAX, - axes=get_axes_for_reduce_op(dim), + axes=get_axes_for_reduce_op(get_positive_dim(dim, len(input_val.shape))), keep_dims=keepdim, ) set_layer_name(layer, target, name, source_ir) @@ -54,7 +55,7 @@ def sum( layer = network.add_reduce( input_val, trt.ReduceOperation.SUM, - axes=get_axes_for_reduce_op(dim), + axes=get_axes_for_reduce_op(get_positive_dim(dim, len(input_val.shape))), keep_dims=keepdim, ) set_layer_name(layer, target, name, source_ir) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/select.py b/py/torch_tensorrt/dynamo/conversion/impl/select.py index 5cd679b6a6..9b65245dbe 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/select.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/select.py @@ -3,12 +3,9 @@ import numpy as np from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim from torch_tensorrt.dynamo.conversion.impl.shape import get_shape_with_dynamic_shape -from torch_tensorrt.fx.converters.converter_utils import ( - get_positive_dim, - has_dynamic_shape, - to_numpy, -) +from torch_tensorrt.fx.converters.converter_utils import has_dynamic_shape, to_numpy from torch_tensorrt.fx.types import Shape, TRTNetwork, TRTTensor diff --git a/py/torch_tensorrt/dynamo/conversion/impl/slice/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/slice/ops.py index 28ed76169e..8904e140cf 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/slice/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/slice/ops.py @@ -3,9 +3,9 @@ from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim from torch_tensorrt.dynamo.conversion.impl.slice.base import slice from torch_tensorrt.fx.converters.converter_utils import ( - get_positive_dim, has_dynamic_shape, prepend_ones, set_layer_name, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/squeeze.py b/py/torch_tensorrt/dynamo/conversion/impl/squeeze.py index 6d0d1198ce..1eb6c3c3aa 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/squeeze.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/squeeze.py @@ -1,11 +1,9 @@ -from typing import Any, Optional, cast +from typing import Optional, Sequence, Union from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR -from torch_tensorrt.fx.converters.converter_utils import ( - get_positive_dim, - set_layer_name, -) +from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim +from torch_tensorrt.fx.converters.converter_utils import set_layer_name from torch_tensorrt.fx.types import TRTNetwork, TRTTensor from torch_tensorrt.fx.utils import get_dynamic_dims @@ -16,19 +14,18 @@ def squeeze( source_ir: Optional[SourceIR], name: str, input: TRTTensor, - dim: Optional[Any] = None, + dim: Optional[Union[int, Sequence[int]]] = None, ) -> TRTTensor: - dims = [] - if dim is not None: - if isinstance(dim, int): - dims.append(cast(Optional[int], dim)) - else: - for dim in dim: - dims.append(cast(Optional[int], dim)) - # Squeeze with dim=None would only work in explicit batch dim mode without any dynamic # dim, which is a very rare case. For now we just claim not supporting dim=None. - assert not (len(dims) == 0), "We don't support dim=None right now for squeeze." + assert dim is not None, "We don't support dim=None right now for squeeze." + dims = [] + + if isinstance(dim, int): + dims.append(dim) + else: + for dim in dim: + dims.append(dim) new_dims = [] for dim in dims: diff --git a/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py b/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py index fae22888d8..4f84973d84 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py @@ -2,11 +2,11 @@ from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR -from torch_tensorrt.dynamo.conversion.converter_utils import get_trt_tensor -from torch_tensorrt.fx.converters.converter_utils import ( +from torch_tensorrt.dynamo.conversion.converter_utils import ( get_positive_dim, - set_layer_name, + get_trt_tensor, ) +from torch_tensorrt.fx.converters.converter_utils import set_layer_name from torch_tensorrt.fx.types import Shape, TRTNetwork, TRTTensor from torch_tensorrt.fx.utils import get_dynamic_dims diff --git a/tests/py/dynamo/conversion/test_amax_aten.py b/tests/py/dynamo/conversion/test_amax_aten.py index a75925e3ad..70aa9842ae 100644 --- a/tests/py/dynamo/conversion/test_amax_aten.py +++ b/tests/py/dynamo/conversion/test_amax_aten.py @@ -13,6 +13,7 @@ class TestAmaxConverter(DispatchTestCase): ((2, 3, 4, 5), 3, True), ((2, 3, 4, 5), 2, False), ((6, 7, 5, 4, 5), 4, False), + ((1, 5, 2, 1), -1, True), ] ) def test_amax_dim_int_default(self, input_shape, dim, keep_dims): @@ -53,6 +54,7 @@ def forward(self, x): ((2, 3, 4, 5), 3, True, torch.int, -10, 10), ((2, 3, 4, 5), 2, False, torch.int32, -5, 0), ((6, 7, 5, 4, 5), 4, False, torch.int32, -5, 5), + ((1, 5, 2, 1), -4, False, torch.int32, -5, 5), ] ) def test_amax_dim_int_int(self, input_shape, dim, keep_dims, dtype, low, high): @@ -74,6 +76,7 @@ def forward(self, x): ((2, 1, 4, 5), [0, 3], True, torch.int, -10, 10), ((2, 3, 4, 5), [0, 1, 2, 3], False, torch.int32, -5, 0), ((6, 7, 5, 4, 5), [1, 3, 4], False, torch.int32, -5, 5), + ((1, 5, 2, 1), [-3, -1], False, torch.int32, -5, 5), ] ) def test_amax_dim_tuple_int(self, input_shape, dim, keep_dims, dtype, low, high): diff --git a/tests/py/dynamo/conversion/test_sum_aten.py b/tests/py/dynamo/conversion/test_sum_aten.py index a6cfdc3b15..e69300f283 100644 --- a/tests/py/dynamo/conversion/test_sum_aten.py +++ b/tests/py/dynamo/conversion/test_sum_aten.py @@ -33,6 +33,8 @@ def forward(self, x): ((2, 3, 4, 5), 3, True), ((2, 3, 4, 5), None, False), ((6, 7, 5, 4, 5), 4, False), + ((1, 5, 2, 1), -3, False), + ((1, 5, 2, 3), -2, True), ] ) def test_sum_dim_int(self, input_shape, dim, keep_dims): @@ -53,6 +55,7 @@ def forward(self, x): ((2, 1, 4, 5), None, True), ((2, 3, 4, 5), [0, 1, 2, 3], False), ((6, 7, 5, 4, 5), [1, 3, 4], False), + ((6, 7, 5, 4, 5), [-5, -4, -2], False), ] ) def test_sum_dim_tuple(self, input_shape, dim, keep_dims): From 5de208fbf3474ca1a732a7db56196c55354ba527 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Fri, 29 Sep 2023 20:55:35 +0000 Subject: [PATCH 25/62] docs: [Automated] Regenerating documenation for 46cfa35 Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 228 insertions(+), 228 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index ddfef1d071..a01619db01 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index 121987d3a9..8fadf47881 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index f516e3f5ce..0ed19d16cb 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index f57852a93c..e08f7d236a 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 3dce7c7ff1..e3ee8f063f 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 70f837ee22..81239e4b73 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Define STR — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 35fbc5626f..7b8daa1932 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 94891d0091..d180c8785b 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index 41a5428534..19feefaf16 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 5dc57562b6..8ba71c8015 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 80993d286b..10629e3e48 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 6ae67efb2b..5add9f8412 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 2043e16563..47f1f951db 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 95629a8e8f..b96ff46d7d 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index 8e3e88ccca..25e64eef9d 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Directory include — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index 433157e75d..b7e2277616 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index bf6d437651..98e7403e6e 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index 6591b6391c..f8286fa12f 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index b6581f999b..46c8db6b9b 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index 1256df5c5f..96c4cad7aa 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 89e58018c7..23123e9060 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 47a2f082a6..d28e63f692 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index 0b43a3ff74..fa5187126e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index e54c4bf81f..8e749fd32a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 45b6edffc3..ada6c8e17e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index c3f3bed269..8a22768255 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index f8ad2265f9..3715a27851 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index bae02dd983..cd72019d75 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index a4a5600ab2..37b92e47b8 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index 0be733a22a..7fd2c89638 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index c85542b010..ed8c7a9123 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 883d4a7f03..3a3015b644 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index 2349e9926d..d73fd74549 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index f8003710e7..d921f5198d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index fe6a06dd72..5446920c23 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index 7f81ad1bd5..60389a7435 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 72612f4af2..460302883a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index b00341295d..ceb87c92cc 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index a14bfe4cc8..538e8337c7 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index b03afb6f62..00bbea9315 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index bc8de03dc5..01e3ee8f1b 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index 8b8a85ee8b..13b1c7d97d 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 5e6209f882..4e82ecbba0 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 546594d300..4587ec6d5e 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index 5e862176a4..31f22395f7 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 1dd095a0a6..433edcaf57 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 2e9bcb6f05..c5a07de0e7 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index e7c8e458fe..03bca7e6cf 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index 550260fdee..e40cf539b2 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 8ae225fdae..8dba9490dd 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 8a5b0910ac..038117fcc1 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 5e64b1a9dc..ded5514786 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Full API — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index ce4cdb20d79d4397a4c03459fd71b04c353272cf..0bdb1f0321750830e5de6fc89fb0d5e0e2de1ffb 100644 GIT binary patch delta 58 zcmZpyZ>;AD@MdNaVE};_%Qo^ziZH!cwpm@oUlc@FXnq0lC+FFPf~cc*(I866J{|xw CpcRn- delta 58 zcmZpyZ>;AD@MdNaVE_TEDI0ktMVPFnY*rWX7X{H3nqNTt$$566AnK@HG>B5Nj|Tw8 CeGw4= diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index df362449fda7b1e10ed6c9b5ef40bd3e09856a58..489231f42b7b297875835ade554f58740b691b7e 100644 GIT binary patch delta 58 zcmbQ}Ink3Rz?+#xgaHIzEZfNQm5b@cvdzrg;yfT)Mm!TlPi|KZ0#Ub>BS4g?N(=xU CQWTH? delta 58 zcmbQ}Ink3Rz?+#xgaHJsrflT-%Ee?gWivCkI1h-H5zhqCliQVpK-6vJ2oPne5(5CR CFAxv_ diff --git a/docs/_modules/index.html b/docs/_modules/index.html index a7e9862ed1..c6de915340 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index 1d0a9c3c96..8f9850df25 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 78106db4bb..6df62e75cb 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 08133e7d5a..93aeeec991 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index b6cd9e4edf..ac8797d1f3 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 9f96c0cd73..99651c94f5 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index ec9a88e6db..149f39410c 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 6c201fefe7..3a4b216bfe 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index d12fa6cbb6..3372ecd9c2 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 9261ebcc4f..6cc6297faf 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 076bf87036..c0b329501e 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 2eb43110d8..3656cb6e05 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 99b4978648..8f10aeb762 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 0b73088f07..18d61d8046 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+891c2ef', + VERSION: 'v2.2.0.dev0+46cfa35', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 0bdbe3a093..e6db444efa 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index 51c61d9848..be38dfbdbb 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 47a820ec9f..f0f03e41bb 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 894d12b59f..81570ad17f 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 4eedcae138..53532e412e 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 08f95c5913..e183509a91 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index d13970db1d..bedbd86bb2 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 5389678665..6ed7ad29f1 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + System Overview — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 14775d8dc3..9004ae91ea 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index c4e3cd90fd..33b9a51200 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index d16ee30546..db3a603b11 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/genindex.html b/docs/genindex.html index 00279ff618..9d11e0070a 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Index — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index c61d5951e5..24ae9d072e 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index bdbd992573..bb7c7c06c0 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 87bcd27a33..bcedbbe16c 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 7b71eacf83..4a8b425418 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Installation — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/index.html b/docs/index.html index b14d7ad7fd..188dd40711 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 0ff6a38fbe..3f6fe89c6b 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/objects.inv b/docs/objects.inv index 2905f0c98d2b0d2df5efec4b923dd5ba7271fead..0714dc8387980abb0b9b19b0b42a29c4922a07f5 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAxCT7WLiN>ZILl - Python Module Index — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index e2972efda3..8fb5314720 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index f5b4e7992c..d1871270fb 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 6c867cec69..8bd3f10e0f 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index 7ccab894f1..b5a7167494 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index c8d82c8f51..b2f2f852f3 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+891c2ef.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+46cfa35.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 535fc83d27..4dbfc2b8ac 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+891c2ef documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index baa2e3cdec..62ea32fb2a 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index f01b14c5e5..6f03fbd82d 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index 7e6ddecc25..47909dd1d3 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + <no title> — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index d2b9d9230b..2a27383cb8 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Installation — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 9dc9c3c8db..9e186695c4 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 065bb5a1f3..a28c44a4de 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 1c724f52cf..ea35d07d32 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 413b510ab8..801d1810ca 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index efbe32565c..c7ab64d7b5 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 7248b4e16a..0533ba47c2 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 9886968c2d..2fa9a46769 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index cc4682a8b2..a14dbefbed 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index a1144b9b71..b4cf7948dd 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index 0c0119d9cf..e424d89f7b 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index d04f9b61a7..d0a6ebca99 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index a74f48bc82..1f7b9ec08f 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 6ecfbf62b0..57916a6a3a 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+891c2ef documentation + DLA — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+891c2ef + v2.2.0.dev0+46cfa35
    From 42e514b12b6d0b85015c1302b4b700e900a03b4e Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Fri, 29 Sep 2023 14:38:15 -0700 Subject: [PATCH 26/62] feat: Add tensor type enforcement for converters (#2324) --- .../dynamo/conversion/_ConversionContext.py | 19 ++ .../dynamo/conversion/_TRTInterpreter.py | 63 ++-- .../dynamo/conversion/__init__.py | 1 + .../dynamo/conversion/aten_ops_converters.py | 311 +++++++++--------- .../dynamo/conversion/conversion.py | 1 + .../dynamo/conversion/converter_registry.py | 95 ++++-- .../dynamo/conversion/converter_utils.py | 235 ++++++++++--- .../dynamo/conversion/impl/activation/base.py | 11 +- .../dynamo/conversion/impl/activation/ops.py | 143 ++++---- .../dynamo/conversion/impl/cast.py | 9 +- .../dynamo/conversion/impl/condition/ops.py | 25 +- .../dynamo/conversion/impl/conv.py | 23 +- .../dynamo/conversion/impl/deconv.py | 21 +- .../conversion/impl/elementwise/base.py | 21 +- .../dynamo/conversion/impl/elementwise/ops.py | 123 +++---- .../dynamo/conversion/impl/embedding.py | 13 +- .../dynamo/conversion/impl/linear.py | 13 +- .../dynamo/conversion/impl/matmul.py | 13 +- .../conversion/impl/normalization/ops.py | 62 ++-- .../dynamo/conversion/impl/permutation.py | 7 +- .../dynamo/conversion/impl/pool.py | 11 +- .../dynamo/conversion/impl/reduce.py | 15 +- .../dynamo/conversion/impl/select.py | 21 +- .../dynamo/conversion/impl/shape.py | 23 +- .../dynamo/conversion/impl/slice/base.py | 11 +- .../dynamo/conversion/impl/slice/ops.py | 17 +- .../dynamo/conversion/impl/split.py | 17 +- .../dynamo/conversion/impl/squeeze.py | 11 +- .../dynamo/conversion/impl/unary/base.py | 12 +- .../dynamo/conversion/impl/unary/ops.py | 147 +++++---- .../dynamo/conversion/impl/unsqueeze.py | 13 +- .../dynamo/conversion/op_evaluators.py | 5 +- .../lowering/substitutions/maxpool1d.py | 2 +- .../dynamo/backend/test_specialized_models.py | 1 + tests/py/dynamo/conversion/harness.py | 11 + .../dynamo/conversion/test_converter_utils.py | 41 +++ 36 files changed, 951 insertions(+), 616 deletions(-) create mode 100644 py/torch_tensorrt/dynamo/conversion/_ConversionContext.py create mode 100644 tests/py/dynamo/conversion/test_converter_utils.py diff --git a/py/torch_tensorrt/dynamo/conversion/_ConversionContext.py b/py/torch_tensorrt/dynamo/conversion/_ConversionContext.py new file mode 100644 index 0000000000..37581f76cd --- /dev/null +++ b/py/torch_tensorrt/dynamo/conversion/_ConversionContext.py @@ -0,0 +1,19 @@ +from dataclasses import dataclass, field + +from torch_tensorrt.dynamo._settings import CompilationSettings +from torch_tensorrt.fx.types import TRTNetwork + + +@dataclass +class ConversionContext: + """Class representing the context for conversion of a particular network + + Args: + net: TensorRT Network being built + compilation_settings: Settings selected by the user for compilation + """ + + net: TRTNetwork + compilation_settings: CompilationSettings = field( + default_factory=CompilationSettings + ) diff --git a/py/torch_tensorrt/dynamo/conversion/_TRTInterpreter.py b/py/torch_tensorrt/dynamo/conversion/_TRTInterpreter.py index 9f3dc5deb9..206636a637 100644 --- a/py/torch_tensorrt/dynamo/conversion/_TRTInterpreter.py +++ b/py/torch_tensorrt/dynamo/conversion/_TRTInterpreter.py @@ -13,7 +13,13 @@ from torch.fx.passes.shape_prop import TensorMetadata from torch.utils._python_dispatch import _disable_current_modes from torch_tensorrt._Input import Input -from torch_tensorrt.dynamo.conversion.converter_utils import get_node_name +from torch_tensorrt.dynamo._settings import CompilationSettings +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.dynamo.conversion.converter_registry import CallingConvention +from torch_tensorrt.dynamo.conversion.converter_utils import ( + get_node_name, + get_trt_tensor, +) from torch_tensorrt.fx.observer import Observer from torch_tensorrt.fx.utils import Frameworks, unified_dtype_converter @@ -46,6 +52,7 @@ def __init__( input_specs: List[Input], logger_level: trt.ILogger.Severity = trt.ILogger.Severity.WARNING, output_dtypes: Optional[List[torch.dtype]] = None, + compilation_settings: CompilationSettings = CompilationSettings(), ): super().__init__(module) @@ -59,7 +66,9 @@ def __init__( EXPLICIT_BATCH = 1 << (int)(trt.NetworkDefinitionCreationFlag.EXPLICIT_BATCH) flag |= EXPLICIT_BATCH - self.network = self.builder.create_network(flag) + self.ctx = ConversionContext( + self.builder.create_network(flag), compilation_settings + ) missing_ops = self.validate_conversion() if missing_ops: @@ -95,14 +104,14 @@ def validate_conversion(self) -> Set[str]: missing_converters: Set[str] = set() for node in self.module.graph.nodes: - if node.op == "call_function" and not CONVERTERS.get(node): + if node.op == "call_function" and CONVERTERS.get(node) is None: missing_converters.add(f"{node.op} {_get_qualified_name(node.target)}") - elif node.op == "call_method" and not CONVERTERS.get(node): + elif node.op == "call_method" and CONVERTERS.get(node) is None: missing_converters.add(f"{node.op} torch.Tensor.{node.target}") elif node.op == "call_module": submod = self.fetch_attr(node.target) submod_type = getattr(submod, "_base_class_origin", type(submod)) - if not CONVERTERS.get(node): + if CONVERTERS.get(node) is None: missing_converters.add(f"{node.op} {torch.typename(submod_type)}") return missing_converters @@ -221,7 +230,7 @@ def run( if tactic_sources is not None: builder_config.set_tactic_sources(tactic_sources=tactic_sources) - engine = self.builder.build_engine(self.network, builder_config) + engine = self.builder.build_engine(self.ctx.net, builder_config) assert engine serialized_cache = ( @@ -291,7 +300,7 @@ def placeholder(self, target: str, args: Any, kwargs: Any) -> trt.ITensor: f"Unable to access shape spec for input: {target} (got: {current_input})" ) - return self.network.add_input( + return self.ctx.net.add_input( name=target, shape=tuple(shape), dtype=unified_dtype_converter(current_input.torch_dtype, Frameworks.TRT), @@ -303,30 +312,40 @@ def call_module( assert isinstance(target, str) submod = self.fetch_attr(target) submod_type = getattr(submod, "_base_class_origin", type(submod)) - converter = CONVERTERS.get(self._cur_node) + converter_packet = CONVERTERS.get(self._cur_node) - if not converter: + if converter_packet is None: raise UnsupportedOperatorException( f"Conversion of module of type {submod_type} not currently supported!" ) + converter, calling_convention = converter_packet + assert self._cur_node_name is not None - return converter(self.network, submod, args, kwargs, self._cur_node_name) + if calling_convention is CallingConvention.LEGACY: + return converter(self.ctx.net, submod, args, kwargs, self._cur_node_name) + else: + return converter(self.ctx, submod, args, kwargs, self._cur_node_name) def call_function(self, target: str, args: Any, kwargs: Any) -> Any: # TODO: Why is this stateful? We should be able to take in the inputs - converter = CONVERTERS.get(self._cur_node) - if not converter: + converter_packet = CONVERTERS.get(self._cur_node) + if converter_packet is None: raise UnsupportedOperatorException( f"Conversion of function {torch.typename(target)} not currently supported!" ) + converter, calling_convention = converter_packet + assert self._cur_node_name is not None - return converter(self.network, target, args, kwargs, self._cur_node_name) + if calling_convention is CallingConvention.LEGACY: + return converter(self.ctx.net, target, args, kwargs, self._cur_node_name) + else: + return converter(self.ctx, target, args, kwargs, self._cur_node_name) def get_attr(self, target: str, args: Any, kwargs: Any) -> np.ndarray: with _disable_current_modes(): - from torch_tensorrt.fx.converters import to_numpy + from torch_tensorrt.dynamo.conversion.converter_utils import to_numpy frozen_attr = self.fetch_attr(target) @@ -341,15 +360,19 @@ def get_attr(self, target: str, args: Any, kwargs: Any) -> np.ndarray: def call_method(self, target: str, args: Any, kwargs: Any) -> Any: assert isinstance(target, str) - converter = CONVERTERS.get(self._cur_node) + converter_packet = CONVERTERS.get(self._cur_node) - if not converter: + if converter_packet is None: raise UnsupportedOperatorException( f"Conversion of method {target} not currently supported!" ) + converter, calling_convention = converter_packet assert self._cur_node_name is not None - return converter(self.network, target, args, kwargs, self._cur_node_name) + if calling_convention is CallingConvention.LEGACY: + return converter(self.ctx.net, target, args, kwargs, self._cur_node_name) + else: + return converter(self.ctx, target, args, kwargs, self._cur_node_name) def output(self, target: str, args: Any, kwargs: Any) -> List[Any]: assert len(args) == 1 @@ -361,12 +384,10 @@ def output(self, target: str, args: Any, kwargs: Any) -> List[Any]: outputs = (args[0],) for output_idx in range(len(outputs)): - from torch_tensorrt.dynamo.conversion.converter_utils import get_trt_tensor - output = outputs[output_idx] if not isinstance(output, trt.tensorrt.ITensor): - new_output = get_trt_tensor(self.network, output, target) + new_output = get_trt_tensor(self.ctx, output, target) outputs = ( outputs[:output_idx] + (new_output,) + outputs[output_idx + 1 :] ) @@ -400,7 +421,7 @@ def output(self, target: str, args: Any, kwargs: Any) -> List[Any]: output_bool = False name = f"output{i}" output.name = name - self.network.mark_output(output) + self.ctx.net.mark_output(output) if output_bool: output.dtype = trt.bool elif self.output_dtypes is not None: diff --git a/py/torch_tensorrt/dynamo/conversion/__init__.py b/py/torch_tensorrt/dynamo/conversion/__init__.py index 9cbfff950e..3fabb1bb45 100644 --- a/py/torch_tensorrt/dynamo/conversion/__init__.py +++ b/py/torch_tensorrt/dynamo/conversion/__init__.py @@ -1,3 +1,4 @@ +from ._ConversionContext import ConversionContext from ._TRTInterpreter import * # noqa: F403 from .aten_ops_converters import * # noqa: F403 from .conversion import * # noqa: F403 diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index dd18be9151..d844fe1995 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -1,16 +1,21 @@ import logging from typing import Any, Callable, Dict, Optional, Sequence, Tuple, Union +import numpy as np import torch from torch.fx.node import Argument, Node, Target from torch_tensorrt.dynamo._SourceIR import SourceIR from torch_tensorrt.dynamo.conversion import impl +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.dynamo.conversion.converter_registry import ( + dynamo_tensorrt_converter, +) from torch_tensorrt.dynamo.conversion.converter_utils import ( + enforce_tensor_types, is_only_operator_on_placeholder, ) -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor -from .converter_registry import dynamo_tensorrt_converter from .converter_utils import dynamic_unsupported_with_args _LOGGER: logging.Logger = logging.getLogger(__name__) @@ -24,14 +29,14 @@ def args_bounds_check( @dynamo_tensorrt_converter(torch.ops.aten.batch_norm) # type: ignore[misc] def aten_ops_batch_norm( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.normalization.batch_norm( - network, + ctx, target, SourceIR.ATEN, name, @@ -67,14 +72,14 @@ def embedding_param_validator(embedding_node: Node) -> bool: torch.ops.aten.embedding.default, capability_validator=embedding_param_validator ) # type: ignore[misc] def aten_ops_embedding( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.embedding.embedding( - network, + ctx, target, SourceIR.ATEN, name, @@ -89,25 +94,25 @@ def aten_ops_embedding( @dynamo_tensorrt_converter(torch.ops.aten.fmod.Scalar) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.fmod.Tensor) # type: ignore[misc] def aten_ops_fmod( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: - return impl.elementwise.fmod(network, target, SourceIR.ATEN, name, args[0], args[1]) + return impl.elementwise.fmod(ctx, target, SourceIR.ATEN, name, args[0], args[1]) @dynamo_tensorrt_converter(torch.ops.aten.relu.default) # type: ignore[misc] def aten_ops_relu( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.activation.relu( - network, + ctx, target, SourceIR.ATEN, name, @@ -117,14 +122,14 @@ def aten_ops_relu( @dynamo_tensorrt_converter(torch.ops.aten.sigmoid.default) # type: ignore[misc] def aten_ops_sigmoid( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.activation.sigmoid( - network, + ctx, target, SourceIR.ATEN, name, @@ -134,14 +139,14 @@ def aten_ops_sigmoid( @dynamo_tensorrt_converter(torch.ops.aten.tanh.default) # type: ignore[misc] def aten_ops_tanh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.activation.tanh( - network, + ctx, target, SourceIR.ATEN, name, @@ -151,14 +156,14 @@ def aten_ops_tanh( @dynamo_tensorrt_converter(torch.ops.aten.leaky_relu.default) # type: ignore[misc] def aten_ops_leaky_relu( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.activation.leaky_relu( - network, + ctx, target, SourceIR.ATEN, name, @@ -169,14 +174,14 @@ def aten_ops_leaky_relu( @dynamo_tensorrt_converter(torch.ops.aten.elu.default) # type: ignore[misc] def aten_ops_elu( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.activation.elu( - network, + ctx, target, SourceIR.ATEN, name, @@ -188,14 +193,14 @@ def aten_ops_elu( @dynamo_tensorrt_converter(torch.ops.aten.softplus.default) # type: ignore[misc] def aten_ops_softplus( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.activation.softplus( - network, + ctx, target, SourceIR.ATEN, name, @@ -206,14 +211,14 @@ def aten_ops_softplus( @dynamo_tensorrt_converter(torch.ops.aten.clip.default) # type: ignore[misc] def aten_ops_clip( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.activation.clip( - network, + ctx, target, SourceIR.ATEN, name, @@ -225,14 +230,14 @@ def aten_ops_clip( @dynamo_tensorrt_converter(torch.ops.aten.hardsigmoid.default) # type: ignore[misc] def aten_ops_hard_sigmoid( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.activation.hard_sigmoid( - network, + ctx, target, SourceIR.ATEN, name, @@ -247,14 +252,14 @@ def aten_ops_hard_sigmoid( @dynamo_tensorrt_converter(torch.ops.aten.mv.default) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.bmm.default) # type: ignore[misc] def aten_ops_matmul( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.matmul.matrix_multiply( - network, + ctx, target, SourceIR.ATEN, name, @@ -265,14 +270,14 @@ def aten_ops_matmul( @dynamo_tensorrt_converter(torch.ops.aten.layer_norm.default) # type: ignore[misc] def aten_ops_layernorm( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.normalization.layer_norm( - network, + ctx, target, SourceIR.ATEN, name, @@ -286,14 +291,14 @@ def aten_ops_layernorm( @dynamo_tensorrt_converter(torch.ops.aten.rsqrt.default) # type: ignore[misc] def aten_ops_rsqrt( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.rsqrt( - network, + ctx, target, SourceIR.ATEN, name, @@ -303,14 +308,14 @@ def aten_ops_rsqrt( @dynamo_tensorrt_converter(torch.ops.aten.neg.default) # type: ignore[misc] def aten_ops_neg( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.neg( - network, + ctx, target, SourceIR.ATEN, name, @@ -321,25 +326,25 @@ def aten_ops_neg( @dynamo_tensorrt_converter(torch.ops.aten.squeeze.dim) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.squeeze.dims) # type: ignore[misc] def aten_ops_squeeze( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: - return impl.squeeze.squeeze(network, target, SourceIR.ATEN, name, args[0], args[1]) + return impl.squeeze.squeeze(ctx, target, SourceIR.ATEN, name, args[0], args[1]) @dynamo_tensorrt_converter(torch.ops.aten.erf.default) # type: ignore[misc] def aten_ops_erf( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.erf( - network, + ctx, target, SourceIR.ATEN, name, @@ -349,27 +354,27 @@ def aten_ops_erf( @dynamo_tensorrt_converter(torch.ops.aten.unsqueeze.default) # type: ignore[misc] def aten_ops_unsqueeze( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unsqueeze.unsqueeze( - network, target, SourceIR.ATEN, name, input_t=args[0], dim=args[1] + ctx, target, SourceIR.ATEN, name, input_t=args[0], dim=args[1] ) @dynamo_tensorrt_converter(torch.ops.aten._softmax.default) # type: ignore[misc] def aten_ops_softmax( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.normalization.softmax( - network, target, SourceIR.ATEN, name, args[0], args[1] + ctx, target, SourceIR.ATEN, name, args[0], args[1] ) @@ -384,14 +389,14 @@ def aten_ops_softmax( capability_validator=dynamic_unsupported_with_args([1]), ) # type: ignore[misc] def aten_ops_split( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.split.split( - network, + ctx, target, SourceIR.ATEN, name, @@ -403,14 +408,14 @@ def aten_ops_split( @dynamo_tensorrt_converter(torch.ops.aten.where.self) # type: ignore[misc] def aten_ops_where( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.condition.where( - network, + ctx, target, SourceIR.ATEN, name, @@ -422,14 +427,14 @@ def aten_ops_where( @dynamo_tensorrt_converter(torch.ops.aten.clamp.default) # type: ignore[misc] def aten_ops_clamp( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.clamp( - network, + ctx, target, SourceIR.ATEN, name, @@ -441,27 +446,27 @@ def aten_ops_clamp( @dynamo_tensorrt_converter(torch.ops.aten.select.int) # type: ignore[misc] def aten_ops_select( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.select.select( - network, target, SourceIR.ATEN, name, args[0], args[1], args[2] + ctx, target, SourceIR.ATEN, name, args[0], args[1], args[2] ) @dynamo_tensorrt_converter(torch.ops.aten.slice.Tensor) # type: ignore[misc] def aten_ops_slice( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.slice.slice_op( - network, + ctx, target, SourceIR.ATEN, name, @@ -474,15 +479,20 @@ def aten_ops_slice( @dynamo_tensorrt_converter(torch.ops.aten.permute.default) # type: ignore[misc] +@enforce_tensor_types( + { + 0: (TRTTensor,), + } +) # type: ignore[misc] def aten_ops_permute( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.permutation.permute( - network, + ctx, target, SourceIR.ATEN, name, @@ -544,14 +554,14 @@ def validator(to_copy_node: Node) -> bool: capability_validator=to_copy_dtype_validator(placeholder_only=False), ) # type: ignore[misc] def aten_ops_clone_copy_dtype( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.cast.to_copy( - network, + ctx, target, SourceIR.ATEN, name, @@ -570,7 +580,7 @@ def aten_ops_clone_copy_dtype( capability_validator=to_copy_dtype_validator(placeholder_only=True), ) # type: ignore[misc] def aten_ops_clone_copy_placeholder( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], @@ -580,7 +590,7 @@ def aten_ops_clone_copy_placeholder( # we need to force cast to ensure a layer is added to the TRT engine # since TRT engine inputs cannot also be TRT engine outputs return impl.cast.to_copy( - network, + ctx, target, SourceIR.ATEN, name, @@ -592,14 +602,14 @@ def aten_ops_clone_copy_placeholder( @dynamo_tensorrt_converter(torch.ops.aten.expand.default) # type: ignore[misc] def aten_ops_expand( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.slice.expand( - network, + ctx, target, SourceIR.ATEN, name, @@ -622,14 +632,14 @@ def amax_param_validator(amax_node: Node) -> bool: torch.ops.aten.amax.default, capability_validator=amax_param_validator ) # type: ignore[misc] def aten_ops_amax( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.reduce.amax( - network, + ctx, target, SourceIR.ATEN, name, @@ -642,14 +652,14 @@ def aten_ops_amax( @dynamo_tensorrt_converter(torch.ops.aten.sum.default) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.sum.dim_IntList) # type: ignore[misc] def aten_ops_sum( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.reduce.sum( - network, + ctx, target, SourceIR.ATEN, name, @@ -661,14 +671,14 @@ def aten_ops_sum( @dynamo_tensorrt_converter(torch.ops.aten.exp.default) # type: ignore[misc] def aten_ops_exp( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.exp( - network, + ctx, target, SourceIR.ATEN, name, @@ -678,14 +688,14 @@ def aten_ops_exp( @dynamo_tensorrt_converter(torch.ops.aten.log.default) # type: ignore[misc] def aten_ops_log( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.log( - network, + ctx, target, SourceIR.ATEN, name, @@ -695,14 +705,14 @@ def aten_ops_log( @dynamo_tensorrt_converter(torch.ops.aten.sqrt.default) # type: ignore[misc] def aten_ops_sqrt( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.sqrt( - network, + ctx, target, SourceIR.ATEN, name, @@ -712,14 +722,14 @@ def aten_ops_sqrt( @dynamo_tensorrt_converter(torch.ops.aten.reciprocal.default) # type: ignore[misc] def aten_ops_recip( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.recip( - network, + ctx, target, SourceIR.ATEN, name, @@ -729,14 +739,14 @@ def aten_ops_recip( @dynamo_tensorrt_converter(torch.ops.aten.abs.default) # type: ignore[misc] def aten_ops_abs( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.abs( - network, + ctx, target, SourceIR.ATEN, name, @@ -746,14 +756,14 @@ def aten_ops_abs( @dynamo_tensorrt_converter(torch.ops.aten.sin.default) # type: ignore[misc] def aten_ops_sin( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.sin( - network, + ctx, target, SourceIR.ATEN, name, @@ -763,14 +773,14 @@ def aten_ops_sin( @dynamo_tensorrt_converter(torch.ops.aten.cos.default) # type: ignore[misc] def aten_ops_cos( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.cos( - network, + ctx, target, SourceIR.ATEN, name, @@ -780,14 +790,14 @@ def aten_ops_cos( @dynamo_tensorrt_converter(torch.ops.aten.tan.default) # type: ignore[misc] def aten_ops_tan( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.tan( - network, + ctx, target, SourceIR.ATEN, name, @@ -797,14 +807,14 @@ def aten_ops_tan( @dynamo_tensorrt_converter(torch.ops.aten.sinh.default) # type: ignore[misc] def aten_ops_sinh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.sinh( - network, + ctx, target, SourceIR.ATEN, name, @@ -814,14 +824,14 @@ def aten_ops_sinh( @dynamo_tensorrt_converter(torch.ops.aten.cosh.default) # type: ignore[misc] def aten_ops_cosh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.cosh( - network, + ctx, target, SourceIR.ATEN, name, @@ -831,14 +841,14 @@ def aten_ops_cosh( @dynamo_tensorrt_converter(torch.ops.aten.asin.default) # type: ignore[misc] def aten_ops_asin( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.asin( - network, + ctx, target, SourceIR.ATEN, name, @@ -848,14 +858,14 @@ def aten_ops_asin( @dynamo_tensorrt_converter(torch.ops.aten.acos.default) # type: ignore[misc] def aten_ops_acos( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.acos( - network, + ctx, target, SourceIR.ATEN, name, @@ -865,14 +875,14 @@ def aten_ops_acos( @dynamo_tensorrt_converter(torch.ops.aten.atan.default) # type: ignore[misc] def aten_ops_atan( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.atan( - network, + ctx, target, SourceIR.ATEN, name, @@ -882,14 +892,14 @@ def aten_ops_atan( @dynamo_tensorrt_converter(torch.ops.aten.asinh.default) # type: ignore[misc] def aten_ops_asinh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.asinh( - network, + ctx, target, SourceIR.ATEN, name, @@ -899,14 +909,14 @@ def aten_ops_asinh( @dynamo_tensorrt_converter(torch.ops.aten.acosh.default) # type: ignore[misc] def aten_ops_acosh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.acosh( - network, + ctx, target, SourceIR.ATEN, name, @@ -916,14 +926,14 @@ def aten_ops_acosh( @dynamo_tensorrt_converter(torch.ops.aten.atanh.default) # type: ignore[misc] def aten_ops_atanh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.atanh( - network, + ctx, target, SourceIR.ATEN, name, @@ -933,14 +943,14 @@ def aten_ops_atanh( @dynamo_tensorrt_converter(torch.ops.aten.ceil.default) # type: ignore[misc] def aten_ops_ceil( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.ceil( - network, + ctx, target, SourceIR.ATEN, name, @@ -950,14 +960,14 @@ def aten_ops_ceil( @dynamo_tensorrt_converter(torch.ops.aten.floor.default) # type: ignore[misc] def aten_ops_floor( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.floor( - network, + ctx, target, SourceIR.ATEN, name, @@ -967,14 +977,14 @@ def aten_ops_floor( @dynamo_tensorrt_converter(torch.ops.aten.logical_not.default) # type: ignore[misc] def aten_ops_logical_not( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.logical_not( - network, + ctx, target, SourceIR.ATEN, name, @@ -984,14 +994,14 @@ def aten_ops_logical_not( @dynamo_tensorrt_converter(torch.ops.aten.sign.default) # type: ignore[misc] def aten_ops_sign( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.sign( - network, + ctx, target, SourceIR.ATEN, name, @@ -1001,14 +1011,14 @@ def aten_ops_sign( @dynamo_tensorrt_converter(torch.ops.aten.round.default) # type: ignore[misc] def aten_ops_round( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.round( - network, + ctx, target, SourceIR.ATEN, name, @@ -1018,14 +1028,14 @@ def aten_ops_round( @dynamo_tensorrt_converter(torch.ops.aten.isinf.default) # type: ignore[misc] def aten_ops_isinf( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.unary.isinf( - network, + ctx, target, SourceIR.ATEN, name, @@ -1036,7 +1046,7 @@ def aten_ops_isinf( @dynamo_tensorrt_converter(torch.ops.aten.add.Tensor) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.add.Scalar) # type: ignore[misc] def aten_ops_add( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], @@ -1047,7 +1057,7 @@ def aten_ops_add( if alpha != 1: other = impl.elementwise.mul( - network, + ctx, target, SourceIR.ATEN, name, @@ -1056,7 +1066,7 @@ def aten_ops_add( ) return impl.elementwise.add( - network, + ctx, target, SourceIR.ATEN, name, @@ -1068,14 +1078,14 @@ def aten_ops_add( @dynamo_tensorrt_converter(torch.ops.aten.mul.Tensor) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.mul.Scalar) # type: ignore[misc] def aten_ops_mul( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.mul( - network, + ctx, target, SourceIR.ATEN, name, @@ -1086,14 +1096,14 @@ def aten_ops_mul( @dynamo_tensorrt_converter(torch.ops.aten.maximum.default) # type: ignore[misc] def aten_ops_max( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.max( - network, + ctx, target, SourceIR.ATEN, name, @@ -1104,14 +1114,14 @@ def aten_ops_max( @dynamo_tensorrt_converter(torch.ops.aten.minimum.default) # type: ignore[misc] def aten_ops_min( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.min( - network, + ctx, target, SourceIR.ATEN, name, @@ -1123,7 +1133,7 @@ def aten_ops_min( @dynamo_tensorrt_converter(torch.ops.aten.sub.Tensor) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.sub.Scalar) # type: ignore[misc] def aten_ops_sub( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], @@ -1134,7 +1144,7 @@ def aten_ops_sub( if alpha != 1: other = impl.elementwise.mul( - network, + ctx, target, SourceIR.ATEN, name, @@ -1143,7 +1153,7 @@ def aten_ops_sub( ) return impl.elementwise.sub( - network, + ctx, target, SourceIR.ATEN, name, @@ -1157,7 +1167,7 @@ def aten_ops_sub( @dynamo_tensorrt_converter(torch.ops.aten.div.Scalar) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.div.Scalar_mode) # type: ignore[misc] def aten_ops_div( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], @@ -1167,7 +1177,7 @@ def aten_ops_div( if rounding_mode is None: return impl.elementwise.div( - network, + ctx, target, SourceIR.ATEN, name, @@ -1176,7 +1186,7 @@ def aten_ops_div( ) elif rounding_mode == "floor": return impl.elementwise.floor_divide( - network, + ctx, target, SourceIR.ATEN, name, @@ -1185,7 +1195,7 @@ def aten_ops_div( ) elif rounding_mode == "trunc": return impl.elementwise.trunc_div( - network, + ctx, target, SourceIR.ATEN, name, @@ -1202,14 +1212,14 @@ def aten_ops_div( @dynamo_tensorrt_converter(torch.ops.aten.pow.Scalar) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.pow.Tensor_Scalar) # type: ignore[misc] def aten_ops_pow( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.pow( - network, + ctx, target, SourceIR.ATEN, name, @@ -1221,14 +1231,14 @@ def aten_ops_pow( @dynamo_tensorrt_converter(torch.ops.aten.floor_divide.default) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.floor_divide.Scalar) # type: ignore[misc] def aten_ops_floor_div( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.floor_divide( - network, + ctx, target, SourceIR.ATEN, name, @@ -1239,14 +1249,14 @@ def aten_ops_floor_div( @dynamo_tensorrt_converter(torch.ops.aten.logical_and.default) # type: ignore[misc] def aten_ops_logical_and( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.logical_and( - network, + ctx, target, SourceIR.ATEN, name, @@ -1257,14 +1267,14 @@ def aten_ops_logical_and( @dynamo_tensorrt_converter(torch.ops.aten.logical_or.default) # type: ignore[misc] def aten_ops_logical_or( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.logical_or( - network, + ctx, target, SourceIR.ATEN, name, @@ -1275,14 +1285,14 @@ def aten_ops_logical_or( @dynamo_tensorrt_converter(torch.ops.aten.logical_xor.default) # type: ignore[misc] def aten_ops_logical_xor( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.logical_xor( - network, + ctx, target, SourceIR.ATEN, name, @@ -1294,14 +1304,14 @@ def aten_ops_logical_xor( @dynamo_tensorrt_converter(torch.ops.aten.eq.Tensor) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.eq.Scalar) # type: ignore[misc] def aten_ops_equal( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.eq( - network, + ctx, target, SourceIR.ATEN, name, @@ -1313,14 +1323,14 @@ def aten_ops_equal( @dynamo_tensorrt_converter(torch.ops.aten.gt.Tensor) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.gt.Scalar) # type: ignore[misc] def aten_ops_greater( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.gt( - network, + ctx, target, SourceIR.ATEN, name, @@ -1332,14 +1342,14 @@ def aten_ops_greater( @dynamo_tensorrt_converter(torch.ops.aten.lt.Tensor) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.lt.Scalar) # type: ignore[misc] def aten_ops_less( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.elementwise.lt( - network, + ctx, target, SourceIR.ATEN, name, @@ -1355,8 +1365,15 @@ def conv_param_validator(conv_node: Node) -> bool: @dynamo_tensorrt_converter( torch.ops.aten.convolution.default, capability_validator=conv_param_validator ) # type: ignore[misc] +@enforce_tensor_types( + { + 0: (TRTTensor,), + 1: (np.ndarray, torch.Tensor, TRTTensor), + 2: (np.ndarray, torch.Tensor, TRTTensor), + } +) # type: ignore[misc] def aten_ops_convolution( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], @@ -1365,7 +1382,7 @@ def aten_ops_convolution( is_transposed = args[6] if not is_transposed: return impl.conv.convNd( - network, + ctx, target, source_ir=SourceIR.ATEN, name=name, @@ -1380,7 +1397,7 @@ def aten_ops_convolution( ) else: return impl.deconv.deconvNd( - network, + ctx, target, source_ir=SourceIR.ATEN, name=name, @@ -1398,14 +1415,14 @@ def aten_ops_convolution( @dynamo_tensorrt_converter(torch.ops.aten.linear.default) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.linear) # type: ignore[misc] def aten_ops_linear( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.linear.linear( - network, + ctx, target, SourceIR.ATEN, name, @@ -1439,14 +1456,14 @@ def avg_pool_param_validator(pool_node: Node) -> bool: @dynamo_tensorrt_converter(torch.ops.aten.avg_pool2d.default, capability_validator=avg_pool_param_validator) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.avg_pool3d.default, capability_validator=avg_pool_param_validator) # type: ignore[misc] def aten_ops_avg_pool( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.pool.avg_poolNd( - network, + ctx, target, source_ir=SourceIR.ATEN, name=name, @@ -1482,14 +1499,14 @@ def max_pool_param_validator(pool_node: Node) -> bool: @dynamo_tensorrt_converter(torch.ops.aten.max_pool2d.default, capability_validator=max_pool_param_validator) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.max_pool3d.default, capability_validator=max_pool_param_validator) # type: ignore[misc] def aten_ops_max_pool( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.pool.max_poolNd( - network, + ctx, target, source_ir=SourceIR.ATEN, name=name, diff --git a/py/torch_tensorrt/dynamo/conversion/conversion.py b/py/torch_tensorrt/dynamo/conversion/conversion.py index 787a6d6c25..5555686e77 100644 --- a/py/torch_tensorrt/dynamo/conversion/conversion.py +++ b/py/torch_tensorrt/dynamo/conversion/conversion.py @@ -39,6 +39,7 @@ def convert_module( Input.from_tensors(inputs, disable_memory_format_check=True), logger_level=(trt.Logger.VERBOSE if settings.debug else trt.Logger.WARNING), output_dtypes=output_dtypes, + compilation_settings=settings, ) interpreter_result = interpreter.run( workspace_size=settings.workspace_size, diff --git a/py/torch_tensorrt/dynamo/conversion/converter_registry.py b/py/torch_tensorrt/dynamo/conversion/converter_registry.py index 58913c0d54..45445f0f89 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_registry.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_registry.py @@ -18,12 +18,13 @@ from torch._ops import OpOverloadPacket from torch.fx.node import Argument, Node, Target, _get_qualified_name +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.fx.converter_registry import CONVERTERS from torch_tensorrt.fx.types import TRTNetwork, TRTTensor logger = logging.getLogger(__name__) -ConverterImplSignature = Callable[ +LegacyConverterImplSignature = Callable[ [ TRTNetwork, Target, @@ -34,6 +35,21 @@ Union[TRTTensor, Sequence[TRTTensor]], ] +DynamoConverterImplSignature = Callable[ + [ + ConversionContext, + Target, + Tuple[Argument, ...], + Dict[str, Argument], + str, + ], + Union[TRTTensor, Sequence[TRTTensor]], +] + +ConverterImplSignature = Union[ + LegacyConverterImplSignature, DynamoConverterImplSignature +] + class ConverterPriority(Enum): """Enum to set a converter's priority in the registry""" @@ -42,6 +58,13 @@ class ConverterPriority(Enum): HIGH = auto() +class CallingConvention(Enum): + """Enum representing a converter's calling convention""" + + LEGACY = auto() # Legacy FX converters + CTX = auto() # New Dynamo converters + + @dataclass(frozen=True) class ConverterSupport: """Class representing a converter implementation and support function @@ -67,7 +90,7 @@ def dynamo_tensorrt_converter( enabled: bool = True, capability_validator: Optional[Callable[[Node], bool]] = None, priority: ConverterPriority = ConverterPriority.STANDARD, -) -> Callable[[Any], Union[TRTTensor, Sequence[TRTTensor]]]: +) -> Callable[[ConverterImplSignature], ConverterImplSignature]: """Decorator for Dynamo TensorRT Converter Registers the decorated function in the DYNAMO_ATEN_CONVERTERS registry @@ -156,7 +179,10 @@ class ConverterRegistry: registries: List of dictionaries representing converter registries. The order of the provided dictionaries is the order in which they will be traversed. This is only significant when using non-validated - methods. + methods + registry_names: Optional list of names for each registry + registry_calling_conventions: Optional list of calling conventions + for each registry """ def __init__( @@ -165,6 +191,7 @@ def __init__( Dict[Target, Union[Callable[..., Any], Sequence[ConverterSupport]]] ], registry_names: Optional[Sequence[str]] = None, + registry_calling_conventions: Optional[Sequence[CallingConvention]] = None, ): # Copy reference to each dictionary object into attribute list self.registries = list(registries) @@ -177,6 +204,14 @@ def __init__( f"Registry {i + 1}" for i in range(len(self.registries)) ] + if registry_calling_conventions is not None: + assert len(self.registries) == len(registry_calling_conventions) + self.registry_calling_conventions = list(registry_calling_conventions) + else: + self.registry_calling_conventions = [ + CallingConvention.CTX for _ in range(len(self.registries)) + ] + self.validate_invariants() def validate_invariants(self) -> None: @@ -202,12 +237,13 @@ def validate_invariants(self) -> None: def __getitem_without_validation__( self, key: Target - ) -> ( - Any - ): # TODO: Narrow to ConverterImplSignature this when we can remove FX converters + ) -> Tuple[ + Any, CallingConvention + ]: # TODO: Narrow to ConverterImplSignature this when we can remove FX converters """Get the first-found converter in any registry - Searches all registries in order and returns the first converter encountered + Searches all registries in order and returns the first converter encountered, + along with the calling convention of the registry the converter was sourced from """ if isinstance(key, Node): raise KeyError( @@ -218,26 +254,29 @@ def __getitem_without_validation__( self.validate_invariants() # Iterate over all registries and return the first converter found - for registry in self.registries: + for registry, calling_convention in zip( + self.registries, self.registry_calling_conventions + ): if key in registry: converters = registry[key] if isinstance(converters, (list, tuple)): - return converters[0].converter_implementation + return converters[0].converter_implementation, calling_convention else: - return converters + return converters, calling_convention raise KeyError(f"None of the converter registries have an entry for {key}") def __getitem__( self, node: Node - ) -> ( - Any - ): # TODO: Narrow to ConverterImplSignature this when we can remove FX converters + ) -> Tuple[ + Any, CallingConvention + ]: # TODO: Narrow to ConverterImplSignature this when we can remove FX converters """Get the first-found validated converter in any registry - Searches all registries in order and returns the first converter - which passes validation on the input node + Searches all registries in order and returns the first converter which passes + validation on the input node, along with the calling convention of the + registry the converter was sourced from """ if not isinstance(node, Node): raise KeyError( @@ -251,16 +290,21 @@ def __getitem__( # Iterate over all registries, validating the converter on the input node # If no capability_validator function is found, assume full coverage - for registry in self.registries: + for registry, calling_convention in zip( + self.registries, self.registry_calling_conventions + ): if key in registry: converters = registry[key] if isinstance(converters, (list, tuple)): for candidate in converters: if candidate.capability_validator(node): - return candidate.converter_implementation + return ( + candidate.converter_implementation, + calling_convention, + ) else: - return converters + return converters, calling_convention raise KeyError( f"None of the converter registries have a validated entry for {key}, with node {node}" @@ -272,9 +316,9 @@ def keys(self) -> Set[Target]: def get_unvalidated( self, key: Target, value: Optional[ConverterImplSignature] = None - ) -> ( - Any - ): # TODO: Narrow to ConverterImplSignature this when we can remove FX converters + ) -> Union[ + Any, Tuple[Any, CallingConvention] + ]: # TODO: Narrow to ConverterImplSignature this when we can remove FX converters """Get unvalidated converter for input target with a default return""" try: return self.__getitem_without_validation__(key) @@ -283,9 +327,9 @@ def get_unvalidated( def get( self, node: Node, value: Optional[ConverterImplSignature] = None - ) -> ( - Any - ): # TODO: Narrow to ConverterImplSignature this when we can remove FX converters + ) -> Union[ + Any, Tuple[Any, CallingConvention] + ]: # TODO: Narrow to ConverterImplSignature this when we can remove FX converters """Get validated converter for input node with a default return""" try: return self.__getitem__(node) @@ -398,5 +442,6 @@ def display_all_available_converters(self) -> str: # Note the Dynamo registry is listed first, for precedence DYNAMO_CONVERTERS: ConverterRegistry = ConverterRegistry( [DYNAMO_ATEN_CONVERTERS, CONVERTERS], # type: ignore[list-item] - ["Dynamo ATen Converters Registry", "FX ATen Converters Registry"], + ["Dynamo ATen Converters Registry", "FX Legacy ATen Converters Registry"], + [CallingConvention.CTX, CallingConvention.LEGACY], ) diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index 12c11bc9f1..d1d94d40cc 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -1,23 +1,25 @@ import functools import logging import re -from typing import Any, Callable, List, Optional, Sequence, Tuple, Union, overload +from typing import Any, Callable, Dict, List, Optional, Sequence, Tuple, Union, overload import numpy as np import tensorrt as trt import torch from torch import SymBool, SymFloat, SymInt -from torch.fx.node import Target +from torch.fx.node import Argument, Target +from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.dynamo.conversion.converter_registry import ( + ConverterRegistry, + DynamoConverterImplSignature, +) from torch_tensorrt.fx.converters.converter_utils import ( Frameworks, get_axes_for_reduce_op, - to_numpy, unified_dtype_converter, ) -from torch_tensorrt.fx.types import TRTDataType, TRTNetwork, TRTTensor - -from .._SourceIR import SourceIR -from .converter_registry import ConverterRegistry +from torch_tensorrt.fx.types import TRTDataType, TRTTensor _LOGGER: logging.Logger = logging.getLogger(__name__) @@ -117,7 +119,7 @@ def _is_subnode_dynamic(subnode: torch.fx.Node) -> bool: def cast_trt_tensor( - network: TRTNetwork, + ctx: ConversionContext, input_val: TRTTensor, dtype: TRTDataType, name: str, @@ -131,7 +133,7 @@ def cast_trt_tensor( input unchanged Args: - network (TRTNetwork): A TensorRT network + ctx (ConversionContext): A ConversionContext containing the TensorRT network input_val (TRTTensor): A TRT Tensor to cast to a new data type dtype (TRTDataType, torch.dtype, np.dtype): The data type to cast the input Tensor to name (str): Name of the calling layer @@ -147,7 +149,7 @@ def cast_trt_tensor( target_str = ConverterRegistry.qualified_name_or_str(target) target_name = f"{source_ir}_ops{('.' + target_str) if target_str else ''}" - identity_layer = network.add_identity(input_val) + identity_layer = ctx.net.add_identity(input_val) identity_layer.set_output_type(0, trt_dtype) identity_layer.name = f"Cast ITensor {input_val.name} from {input_val.dtype} to {trt_dtype} - [{target_name}]-[{name}]" return identity_layer.get_output(0) @@ -156,7 +158,7 @@ def cast_trt_tensor( def cast_int_int_div_trt_tensor( - network: TRTNetwork, + ctx: ConversionContext, lhs_val: TRTTensor, rhs_val: TRTTensor, name: str, @@ -164,7 +166,7 @@ def cast_int_int_div_trt_tensor( """ Given two `int` data type TRT Tensor to div operation, cast the TRT Tensor to float type Args: - network (TRTNetwork): A TensorRT network + ctx (ConversionContext): A ConversionContext object lhs_val (TRTTensor): A TRT Tensor numerator rhs_val (TRTTensor): A TRT Tensor numerator name (str): Name of calling layer @@ -172,8 +174,8 @@ def cast_int_int_div_trt_tensor( A list of lhs_val and rhs_val casted to the approriate datatype """ if lhs_val.dtype == trt.int32 and rhs_val.dtype == trt.int32: - lhs_val = cast_trt_tensor(network, lhs_val, trt.float32, name) - rhs_val = cast_trt_tensor(network, rhs_val, trt.float32, name) + lhs_val = cast_trt_tensor(ctx, lhs_val, trt.float32, name) + rhs_val = cast_trt_tensor(ctx, rhs_val, trt.float32, name) return [lhs_val, rhs_val] @@ -240,26 +242,26 @@ def extend_attr_to_tuple( def cast_int_or_float_to_bool( - network: TRTNetwork, name: str, tensor: TRTTensor + ctx: ConversionContext, name: str, tensor: TRTTensor ) -> TRTTensor: if tensor.dtype != trt.bool: - return cast_trt_tensor(network, tensor, trt.bool, name) + return cast_trt_tensor(ctx, tensor, trt.bool, name) return tensor def create_constant( - network: TRTNetwork, - value: Union[int, float, np.ndarray, torch.Tensor], + ctx: ConversionContext, + value: Union[int, float, bool, np.ndarray, torch.Tensor], name: str, dtype: Optional[Union[torch.dtype, np.dtype, TRTDataType]], ) -> TRTTensor: """ - Add a TensorRT constant layer whose value is `value` to `network`. + Add a TensorRT constant layer whose value is `value` to `ctx.net`. Args: - network (TRTNetwork): A TensorRT network to which we want to add + ctx (ConversionContext): A TensorRT ConversionContext to which we want to add a constant layer. - value (Union[int, float, np.ndarray, torch.Tensor]): A literal value, Numpy array, + value (Union[int, float, bool, np.ndarray, torch.Tensor]): A literal value, Numpy array, or a PyTorch tensor that will be used as value of the added TensorRT Constant layer. name (str): Name of the added TensorRT Constant layer. dtype (Optional[Union[torch.dtype, np.dtype, TRTDataType]]): @@ -267,16 +269,17 @@ def create_constant( Returns: A TensorRT ITensor that represents the given value. """ - constant = network.add_constant( - (1,) if isinstance(value, (int, float)) else value.shape, - to_numpy(value, dtype).copy(), + numpy_value = to_numpy(value, dtype) + constant = ctx.net.add_constant( + (1,) if isinstance(value, (int, float, bool)) else value.shape, + numpy_value.copy() if isinstance(numpy_value, np.ndarray) else numpy_value, ) constant.name = name return constant.get_output(0) def get_trt_tensor( - network: TRTNetwork, + ctx: ConversionContext, input_val: Any, name: str, dtype: Optional[Union[torch.dtype, np.dtype, TRTDataType]] = None, @@ -285,7 +288,7 @@ def get_trt_tensor( Given a value of random type, we try to convert it to a TensorRT ITensor. An runtime error is raised if we're not able to do that. Args: - network (TRTNetwork): A TensorRT network. If we want to + ctx (ConversionContext): A TensorRT ConversionContext. If we want to add a TensorRT Constant layer, we will add it to this network. input_val (Any): An value that we want to convert to a TensorRT ITensor. name (str): The name of the created TensorRT Constant layer if there's @@ -295,21 +298,26 @@ def get_trt_tensor( Returns: A TensorRT ITensor that represents the given value. """ - # TRT can not add constant for bool type. We do a work around to 1) cast it to int and 2)cast to bool later - # This is useful for logical operations which require input to be bool type - if isinstance(input_val, bool): - input_val = int(input_val) - elif isinstance(input_val, torch.Tensor) and ( - input_val.dtype == torch.bool or input_val.dtype == torch.int64 + # If the input is 64-bit, cast it to 32-bit for TRT freezing + if ( + isinstance(input_val, torch.Tensor) + and ctx.compilation_settings.truncate_long_and_double ): - input_val = input_val.to(torch.int32) - elif isinstance(input_val, np.ndarray) and ( - input_val.dtype == np.bool_ or input_val.dtype == np.int64 + if input_val.dtype == torch.int64: + input_val = input_val.to(torch.int32) + elif input_val.dtype == torch.float64: + input_val = input_val.to(torch.float32) + elif ( + isinstance(input_val, np.ndarray) + and ctx.compilation_settings.truncate_long_and_double ): - input_val = input_val.astype(np.int32) + if input_val.dtype == np.int64: + input_val = input_val.astype(np.int32) + elif input_val.dtype == np.float64: + input_val = input_val.astype(np.float32) - if isinstance(input_val, (torch.Tensor, np.ndarray, int, float)): - return create_constant(network, input_val, name, dtype) + if isinstance(input_val, (torch.Tensor, np.ndarray, int, float, bool)): + return create_constant(ctx, input_val, name, dtype) elif isinstance(input_val, TRTTensor): return input_val else: @@ -352,3 +360,154 @@ def positive_dim(d: int) -> int: if isinstance(dim, int) else tuple(positive_dim(d) for d in dim) ) + + +def enforce_tensor_types( + type_dictionary: Dict[Union[int, str], Tuple[Union[TRTTensor, np.ndarray], ...]], + promote: bool = True, +) -> Callable[[DynamoConverterImplSignature], DynamoConverterImplSignature]: + """Decorator to enforce tensor types for input arguments to converters + + Keys in the type dictionary must be integers if they refer to a positional + argument in args, or strings if they refer to a keyword argument in kwargs + + Values must be tuples of data types denoting the approved data types for a given position + The approved types are TRTTensor, np.ndarray, and torch.Tensor. + + Note: torch.Tensor cannot be present without np.ndarray + + The promote argument controls whether tensors will be promoted if they are of the + incorrect format + """ + assert all( + isinstance(key, (int, str)) for key in type_dictionary + ), "Invalid key for type enforcement" + assert all( + ( + isinstance(val, tuple) + and not (torch.Tensor in val and np.ndarray not in val) + and all((dtype in (TRTTensor, np.ndarray, torch.Tensor)) for dtype in val) + ) + for val in type_dictionary.values() + ), ( + "Invalid value(s) specified in type enforcement." + "Note that torch.Tensor cannot be present as a type without np.ndarray." + ) + + def wrapper(func: DynamoConverterImplSignature) -> DynamoConverterImplSignature: + @functools.wraps(func) + def convert_with_type_enforcement( + ctx: ConversionContext, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, + ) -> Union[TRTTensor, Sequence[TRTTensor]]: + new_args = args + new_kwargs = {**kwargs} + new_value = None + + # Go through type dictionary and promote types accordingly + for index, approved_dtypes in type_dictionary.items(): + # Referencing an arg + if isinstance(index, int): + candidate = args[index] + # Referencing a kwarg + elif isinstance(index, str): + candidate = kwargs[index] + + # If the candidate Tensor is already an approved type, do nothing + if isinstance(candidate, approved_dtypes): + continue + # If the candidate Tensor is not an approved type, but promotion is disabled, error + elif not promote: + raise AssertionError( + f"Detected argument at index {index} had type {type(candidate)} " + f"which is not one of the approved types {approved_dtypes}" + ) + + promoted = False + + # Type-promotion preference order depends on tuple order + for dtype in approved_dtypes: + # Currently, we do not cast to Torch tensor, due to issues with such casts + # in FakeTensor contexts + if dtype == np.ndarray and not isinstance(candidate, TRTTensor): + new_value = to_numpy(candidate) + promoted = True + break + # As a fallback, freeze tensors to IConstantLayers if they cannot be handled as Numpy arrays + elif dtype == TRTTensor: + _LOGGER.debug( + f"Freezing tensor {name}_constant_{index} to TRT IConstantLayer" + ) + new_value = get_trt_tensor( + ctx, candidate, name + f"_constant_{index}" + ) + promoted = True + break + + if not promoted: + raise AssertionError( + f"Argument {candidate} at index {index} was not able to be " + f"converted to one of the following types: {approved_dtypes}" + ) + + # Reassemble args or kwargs if the value was modified + if isinstance(index, int): + new_args = new_args[:index] + (new_value,) + new_args[index + 1 :] + elif isinstance(index, str): + new_kwargs[index] = new_value + + return func(ctx, target, new_args, new_kwargs, name) + + return convert_with_type_enforcement + + return wrapper + + +def to_numpy( + value: Optional[Union[torch.Tensor, np.ndarray, int, float, bool]], + dtype: Optional[Union[torch.dtype, np.dtype, TRTDataType]] = None, +) -> Optional[np.ndarray]: + """ + Convert a PyTorch Tensor, Numpy array, or scalar to a Numpy Array. If the tensor is + quantized it will be dequantized first. + Args: + value (Optional[Union[torch.Tensor, np.ndarray, int, float, bool]]): + A PyTorch tensor, Numpy array, int, float, or bool + dtype (Optional[Union[torch.dtype, np.dtype, TRTDataType]]): + If a dtype is given, we will convert the type of the given `value` to this dtype. + Returns: + A Numpy array or None, if the input was None. + """ + output = None + + if value is None or isinstance(value, np.ndarray): + output = value + + elif isinstance(value, torch.Tensor): + if value.is_quantized: + value = value.dequantize() + + output = value.cpu().detach().contiguous().numpy() + + elif isinstance(value, int): + output = np.array([value], dtype=np.int32) + + elif isinstance(value, float): + output = np.array([value], dtype=np.float32) + + elif isinstance(value, bool): + output = np.array([value], dtype=np.bool_) + + if isinstance(output, np.ndarray) or output is None: + return ( + output + if (dtype is None or output is None) + else output.astype(unified_dtype_converter(dtype, Frameworks.NUMPY)) + ) + else: + raise AssertionError( + f"to_numpy can only be called on None, bool, int, float, np.ndarray, or torch.Tensor, got: {value}" + ) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/activation/base.py b/py/torch_tensorrt/dynamo/conversion/impl/activation/base.py index f2157dbdbd..f726a1c500 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/activation/base.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/activation/base.py @@ -3,15 +3,16 @@ import tensorrt as trt from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.fx.converters.converter_utils import ( mark_as_int8_layer, set_layer_name, ) -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def convert_activation( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -19,7 +20,7 @@ def convert_activation( input_val: TRTTensor, alpha: Optional[Any] = None, beta: Optional[Any] = None, - dyn_range_fn: Optional[Callable[[float, float], Any]] = None, + dyn_range_fn: Optional[Callable[[Any], Any]] = None, ) -> TRTTensor: """ Add a TensorRT Activation layer to `network`. @@ -29,14 +30,14 @@ def convert_activation( f"{operation_type} received input {input_val} that is not part " "of the TensorRT region!" ) - layer = network.add_activation(input_val, operation_type) + layer = ctx.net.add_activation(input_val, operation_type) if alpha is not None: layer.alpha = alpha if beta is not None: layer.beta = beta set_layer_name(layer, target, name, source_ir) - if input_val.dynamic_range is not None: + if input_val.dynamic_range is not None and dyn_range_fn is not None: dyn_range = dyn_range_fn(input_val.dynamic_range) mark_as_int8_layer(layer, dyn_range) return layer.get_output(0) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/activation/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/activation/ops.py index e39e781dd2..ac77f790cb 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/activation/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/activation/ops.py @@ -1,28 +1,29 @@ -from typing import Any, Optional +from typing import Any, Optional, Tuple import numpy as np import tensorrt as trt import torch from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.impl.activation.base import convert_activation -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def relu( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, -): +) -> TRTTensor: operation_type = trt.ActivationType.RELU - def relu_dyn_range_fn(dyn_range): + def relu_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: return max(0, dyn_range[0]), max(0, dyn_range[1]) return convert_activation( - network, + ctx, target, source_ir, name, @@ -33,22 +34,22 @@ def relu_dyn_range_fn(dyn_range): def sigmoid( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, -): +) -> TRTTensor: operation_type = trt.ActivationType.SIGMOID - def sigmoid_dyn_range_fn(dyn_range): - def sigmoid_fn(x): + def sigmoid_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: + def sigmoid_fn(x: float) -> Any: return 1 / (1 + np.exp(-x)) return sigmoid_fn(dyn_range[0]), sigmoid_fn(dyn_range[1]) return convert_activation( - network, + ctx, target, source_ir, name, @@ -59,22 +60,22 @@ def sigmoid_fn(x): def tanh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, -): +) -> TRTTensor: operation_type = trt.ActivationType.TANH - def tanh_dyn_range_fn(dyn_range): - def tanh_fn(x): + def tanh_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: + def tanh_fn(x: float) -> Any: return (np.exp(x) - np.exp(-x)) / (np.exp(x) + np.exp(-x)) return tanh_fn(dyn_range[0]), tanh_fn(dyn_range[1]) return convert_activation( - network, + ctx, target, source_ir, name, @@ -85,23 +86,23 @@ def tanh_fn(x): def leaky_relu( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, - alpha: Optional[Any] = 0.01, -): + alpha: float = 0.01, +) -> TRTTensor: operation_type = trt.ActivationType.LEAKY_RELU - def leaky_relu_dyn_range_fn(dyn_range): - def leaky_relu_fn(x): + def leaky_relu_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: + def leaky_relu_fn(x: float) -> float: return max(0, x) + alpha * min(0, x) return leaky_relu_fn(dyn_range[0]), leaky_relu_fn(dyn_range[1]) return convert_activation( - network, + ctx, target, source_ir, name, @@ -113,14 +114,14 @@ def leaky_relu_fn(x): def elu( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, - alpha: Optional[Any] = 1.0, - beta: Optional[Any] = None, -): + alpha: float = 1.0, + beta: Optional[float] = None, +) -> TRTTensor: EPS = 1e-4 # actually call selu() if ( @@ -129,19 +130,19 @@ def elu( and abs(beta - 1.0507009873554805) < EPS ): print("Selu is called but re-uses elu function!") - return selu(network, target, source_ir, name, input_val) + return selu(ctx, target, source_ir, name, input_val) else: operation_type = trt.ActivationType.ELU - def elu_dyn_range_fn(dyn_range): + def elu_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: return ( torch.nn.functional.elu(dyn_range[0], alpha), torch.nn.functional.elu(dyn_range[1], alpha), ) return convert_activation( - network, + ctx, target, source_ir, name, @@ -153,22 +154,22 @@ def elu_dyn_range_fn(dyn_range): def selu( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, -): +) -> TRTTensor: operation_type = trt.ActivationType.SELU - def selu_dyn_range_fn(dyn_range): + def selu_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: return ( torch.nn.functional.selu(dyn_range[0]), torch.nn.functional.selu(dyn_range[1]), ) return convert_activation( - network, + ctx, target, source_ir, name, @@ -180,22 +181,22 @@ def selu_dyn_range_fn(dyn_range): # no corresponding function in aten/native_functions def softsign( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, -): +) -> TRTTensor: operation_type = trt.ActivationType.SOFTSIGN - def softsign_dyn_range_fn(dyn_range): + def softsign_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: return ( torch.nn.functional.softsign(dyn_range[0]), torch.nn.functional.softsign(dyn_range[1]), ) return convert_activation( - network, + ctx, target, source_ir, name, @@ -206,23 +207,23 @@ def softsign_dyn_range_fn(dyn_range): def softplus( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, - beta: Optional[Any] = 1, -): + beta: float = 1, +) -> TRTTensor: operation_type = trt.ActivationType.SOFTPLUS - def softplus_dyn_range_fn(dyn_range): + def softplus_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: return ( torch.nn.functional.softplus(dyn_range[0], beta), torch.nn.functional.softplus(dyn_range[1], beta), ) return convert_activation( - network, + ctx, target, source_ir, name, @@ -235,24 +236,24 @@ def softplus_dyn_range_fn(dyn_range): def clip( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, - alpha: Optional[Any], - beta: Optional[Any], -): + alpha: float, + beta: float, +) -> TRTTensor: operation_type = trt.ActivationType.CLIP - def clip_dyn_range_fn(dyn_range): - def clip_fn(x): + def clip_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: + def clip_fn(x: float) -> float: return max(alpha, min(beta, x)) return clip_fn(dyn_range[0]), clip_fn(dyn_range[1]) return convert_activation( - network, + ctx, target, source_ir, name, @@ -265,24 +266,26 @@ def clip_fn(x): def hard_sigmoid( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, - alpha: Optional[Any], - beta: Optional[Any], -): + alpha: float, + beta: float, +) -> TRTTensor: operation_type = trt.ActivationType.HARD_SIGMOID - def hard_sigmoid_dyn_range_fn(dyn_range): - def hard_sigmoid_fn(x): + def hard_sigmoid_dyn_range_fn( + dyn_range: Tuple[float, float] + ) -> Tuple[float, float]: + def hard_sigmoid_fn(x: float) -> float: return max(0, min(1, alpha * x + beta)) return hard_sigmoid_fn(dyn_range[0]), hard_sigmoid_fn(dyn_range[1]) return convert_activation( - network, + ctx, target, source_ir, name, @@ -296,24 +299,24 @@ def hard_sigmoid_fn(x): # no corresponding function in aten/native_functions def scaled_tanh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, - alpha: Optional[Any], - beta: Optional[Any], -): + alpha: float, + beta: float, +) -> TRTTensor: operation_type = trt.ActivationType.SCALED_TANH - def scaled_tanh_dyn_range_fn(dyn_range): - def scaled_tanh_fn(x): + def scaled_tanh_dyn_range_fn(dyn_range: Tuple[float, float]) -> Tuple[float, float]: + def scaled_tanh_fn(x: float) -> Any: return alpha * torch.nn.functional.tanh(beta * x) return scaled_tanh_fn(dyn_range[0]), scaled_tanh_fn(dyn_range[1]) return convert_activation( - network, + ctx, target, source_ir, name, @@ -327,23 +330,25 @@ def scaled_tanh_fn(x): # no corresponding function in aten/native_functions def thresholded_relu( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, - alpha: Optional[Any], -): + alpha: float, +) -> TRTTensor: operation_type = trt.ActivationType.THRESHOLDED_RELU - def thresholded_relu_dyn_range_fn(dyn_range): - def thresholded_relu_fn(x): + def thresholded_relu_dyn_range_fn( + dyn_range: Tuple[float, float] + ) -> Tuple[float, float]: + def thresholded_relu_fn(x: float) -> float: return x if x > alpha else 0 return thresholded_relu_fn(dyn_range[0]), thresholded_relu_fn(dyn_range[1]) return convert_activation( - network, + ctx, target, source_ir, name, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/cast.py b/py/torch_tensorrt/dynamo/conversion/impl/cast.py index f31fd9a396..790f0d6f60 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/cast.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/cast.py @@ -3,19 +3,20 @@ from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_registry import ConverterRegistry from torch_tensorrt.dynamo.conversion.converter_utils import cast_trt_tensor from torch_tensorrt.fx.converters.converter_utils import ( Frameworks, unified_dtype_converter, ) -from torch_tensorrt.fx.types import TRTDataType, TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTDataType, TRTTensor LOGGER: logging.Logger = logging.getLogger(__name__) def to_copy( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -36,10 +37,10 @@ def to_copy( target_str = ConverterRegistry.qualified_name_or_str(target) target_name = f"{source_ir}_ops{('.' + target_str) if target_str else ''}" - identity_layer = network.add_identity(input) + identity_layer = ctx.net.add_identity(input) identity_layer.set_output_type(0, trt_dtype) identity_layer.name = f"Forced Cast ITensor {input.name} from {input.dtype} to {trt_dtype} - [{target_name}]-[{name}]" return identity_layer.get_output(0) else: - casted_tensor = cast_trt_tensor(network, input, dtype, name, target, source_ir) + casted_tensor = cast_trt_tensor(ctx, input, dtype, name, target, source_ir) return casted_tensor diff --git a/py/torch_tensorrt/dynamo/conversion/impl/condition/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/condition/ops.py index 9c225357b5..981c13397f 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/condition/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/condition/ops.py @@ -4,17 +4,18 @@ import torch from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import ( broadcastable, get_trt_tensor, ) from torch_tensorrt.dynamo.conversion.impl.slice import expand from torch_tensorrt.fx.converters.converter_utils import broadcast, set_layer_name -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def where( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -39,10 +40,10 @@ def where( # purpose of this is to bring input and other rank same as # output_shape to input it to the add_expand operation # condition will have dimension of either input or other - input, other = broadcast(network, input, other, f"{name}_x", f"{name}_y") + input, other = broadcast(ctx.net, input, other, f"{name}_x", f"{name}_y") if len(tuple(condition.shape)) != len(tuple(input.shape)): condition, input = broadcast( - network, condition, input, f"{name}_condition", f"{name}_x" + ctx.net, condition, input, f"{name}_condition", f"{name}_x" ) x_shape = list(input.shape) @@ -56,8 +57,8 @@ def where( if condition_shape != output_shape: condition.expand(output_shape) condition = condition.to(torch.int32) - condition_const = get_trt_tensor(network, condition, f"{name}_condition") - condition_layer = network.add_identity(condition_const) + condition_const = get_trt_tensor(ctx, condition, f"{name}_condition") + condition_layer = ctx.net.add_identity(condition_const) condition_layer.set_output_type(0, trt.bool) set_layer_name(condition_layer, target, f"{name}_condition") condition_val = condition_layer.get_output(0) @@ -65,7 +66,7 @@ def where( assert condition.dtype == trt.bool, "mask dtype is not bool!" if len(condition_shape) != condition_dim: condition_val = expand( - network, target, source_ir, f"{name}_expand", condition, output_shape + ctx, target, source_ir, f"{name}_expand", condition, output_shape ) else: condition_val = condition @@ -76,12 +77,12 @@ def where( if len(input.shape) == 0: input = input.unsqueeze(0) input = input.expand(output_shape) - x_val = get_trt_tensor(network, input, f"{name}_x") + x_val = get_trt_tensor(ctx, input, f"{name}_x") else: x_val = input if x_shape != output_shape: x_val = expand( - network, target, source_ir, f"{name}_x_expand", input, output_shape + ctx, target, source_ir, f"{name}_x_expand", input, output_shape ) if type(other) != TRTTensor: @@ -90,15 +91,15 @@ def where( if len(other.shape) == 0: other = other.unsqueeze(0) other = other.expand(output_shape) - y_val = get_trt_tensor(network, other, f"{name}_y") + y_val = get_trt_tensor(ctx, other, f"{name}_y") else: y_val = other if y_shape != output_shape: y_val = expand( - network, target, source_ir, f"{name}_y_expand", y_val, output_shape + ctx, target, source_ir, f"{name}_y_expand", y_val, output_shape ) - select_layer = network.add_select(condition_val, x_val, y_val) + select_layer = ctx.net.add_select(condition_val, x_val, y_val) set_layer_name(select_layer, target, f"{name}_select") diff --git a/py/torch_tensorrt/dynamo/conversion/impl/conv.py b/py/torch_tensorrt/dynamo/conversion/impl/conv.py index ebe4e37c9e..33b5fcbd87 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/conv.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/conv.py @@ -7,23 +7,24 @@ import torch from torch.fx.node import Target from torch_tensorrt.dynamo.conversion import impl +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import ( + SourceIR, extend_attr_to_tuple, get_trt_tensor, + to_numpy, ) from torch_tensorrt.fx.converters.converter_utils import ( - SourceIR, get_dyn_range, has_dynamic_shape, mark_as_int8_layer, set_layer_name, - to_numpy, ) -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def convNd( - network: TRTNetwork, + ctx: ConversionContext, target: Union[Target, str], source_ir: Optional[SourceIR], name: str, @@ -44,7 +45,7 @@ def convNd( if is_conv1d: # Apply an unsqueeze operation to transform the conv1d problem into conv2d input = impl.unsqueeze.unsqueeze( - network, target, source_ir, name + "_unsqueeze_conv1d", input, -1 + ctx, target, source_ir, name + "_unsqueeze_conv1d", input, -1 ) # Process bias terms @@ -53,7 +54,7 @@ def convNd( bias = to_numpy(bias) elif isinstance(bias, TRTTensor): - bias = get_trt_tensor(network, bias, f"{name}_bias") + bias = get_trt_tensor(ctx, bias, f"{name}_bias") elif bias is not None: raise RuntimeError( @@ -61,12 +62,12 @@ def convNd( ) # Process weight terms - if network.has_explicit_precision or isinstance(weight, TRTTensor): - weight = get_trt_tensor(network, weight, f"{name}_weight") + if ctx.net.has_explicit_precision or isinstance(weight, TRTTensor): + weight = get_trt_tensor(ctx, weight, f"{name}_weight") # Append new dimension (unsqueeze) if the convolution is 1d if is_conv1d: input = impl.unsqueeze.unsqueeze( - network, target, source_ir, name + "_unsqueeze_weight", weight, -1 + ctx, target, source_ir, name + "_unsqueeze_weight", weight, -1 ) elif isinstance(weight, (torch.Tensor, np.ndarray)): @@ -83,7 +84,7 @@ def convNd( ) # add conv layer - conv_layer = network.add_convolution_nd( + conv_layer = ctx.net.add_convolution_nd( input=input, num_output_maps=weight.shape[0], kernel_shape=weight.shape[2:], @@ -134,7 +135,7 @@ def convNd( if is_conv1d: # Apply a squeeze operation to transform the conv2d problem back into conv1d result = impl.squeeze.squeeze( - network, target, source_ir, name + "_squeeze_conv1d", result, -1 + ctx, target, source_ir, name + "_squeeze_conv1d", result, -1 ) return result diff --git a/py/torch_tensorrt/dynamo/conversion/impl/deconv.py b/py/torch_tensorrt/dynamo/conversion/impl/deconv.py index e0f5844bd7..ebb9b1bec2 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/deconv.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/deconv.py @@ -7,9 +7,11 @@ import torch from torch.fx.node import Target from torch_tensorrt.dynamo.conversion import impl +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import ( extend_attr_to_tuple, get_trt_tensor, + to_numpy, ) from torch_tensorrt.fx.converters.converter_utils import ( SourceIR, @@ -17,13 +19,12 @@ has_dynamic_shape, mark_as_int8_layer, set_layer_name, - to_numpy, ) -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def deconvNd( - network: TRTNetwork, + ctx: ConversionContext, target: Union[Target, str], source_ir: Optional[SourceIR], name: str, @@ -44,7 +45,7 @@ def deconvNd( if is_deconv1d: # Apply an unsqueeze operation to transform the deconv1d problem into deconv2d input = impl.unsqueeze.unsqueeze( - network, target, source_ir, name + "_unsqueeze_deconv1d", input, -1 + ctx, target, source_ir, name + "_unsqueeze_deconv1d", input, -1 ) # Process bias terms @@ -53,7 +54,7 @@ def deconvNd( bias = to_numpy(bias) elif isinstance(bias, TRTTensor): - bias = get_trt_tensor(network, bias, f"{name}_bias") + bias = get_trt_tensor(ctx, bias, f"{name}_bias") elif bias is not None: raise RuntimeError( @@ -61,12 +62,12 @@ def deconvNd( ) # Process weight terms - if network.has_explicit_precision or isinstance(weight, TRTTensor): - weight = get_trt_tensor(network, weight, f"{name}_weight") + if ctx.net.has_explicit_precision or isinstance(weight, TRTTensor): + weight = get_trt_tensor(ctx, weight, f"{name}_weight") # Append new dimension (unsqueeze) if the deconvolution is 1d if is_deconv1d: input = impl.unsqueeze.unsqueeze( - network, target, source_ir, name + "_unsqueeze_weight", weight, -1 + ctx, target, source_ir, name + "_unsqueeze_weight", weight, -1 ) elif isinstance(weight, (torch.Tensor, np.ndarray)): @@ -83,7 +84,7 @@ def deconvNd( ) # add deconv layer - deconv_layer = network.add_deconvolution_nd( + deconv_layer = ctx.net.add_deconvolution_nd( input=input, num_output_maps=weight.shape[0], kernel_shape=weight.shape[2:], @@ -134,7 +135,7 @@ def deconvNd( if is_deconv1d: # Apply a squeeze operation to transform the deconv2d problem back into deconv1d result = impl.squeeze.squeeze( - network, target, source_ir, name + "_squeeze_deconv1d", result, -1 + ctx, target, source_ir, name + "_squeeze_deconv1d", result, -1 ) return result diff --git a/py/torch_tensorrt/dynamo/conversion/impl/elementwise/base.py b/py/torch_tensorrt/dynamo/conversion/impl/elementwise/base.py index b2176653d1..3700242fe7 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/elementwise/base.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/elementwise/base.py @@ -7,12 +7,13 @@ import torch from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import ( cast_trt_tensor, get_trt_tensor, ) from torch_tensorrt.fx.converters.converter_utils import broadcast, set_layer_name -from torch_tensorrt.fx.types import TRTElementWiseOp, TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTElementWiseOp, TRTTensor from torch_tensorrt.fx.utils import Frameworks, unified_dtype_converter @@ -52,7 +53,7 @@ def get_python_op_from_trt_elementwise_op( def convert_binary_elementwise( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -73,7 +74,7 @@ def convert_binary_elementwise( tensor are not allowed to have larger ranks than the trt tensor operand. Args: - network (TRTNetwork): TensorRT network object. + ctx (ConversionContext): TensorRT ConversionContext object. target (Target): Target of fx node. source_ir (SourceIR): The IR that is calling the function. name (str): The name we want to assign to the created TensorRT layer. @@ -128,8 +129,8 @@ def convert_binary_elementwise( [lhs_val], dtype=unified_dtype_converter(rhs_dtype, Frameworks.NUMPY) ) - lhs_val = get_trt_tensor(network, lhs_val, f"{name}_lhs", lhs_dtype) - rhs_val = get_trt_tensor(network, rhs_val, f"{name}_rhs", rhs_dtype) + lhs_val = get_trt_tensor(ctx, lhs_val, f"{name}_lhs", lhs_dtype) + rhs_val = get_trt_tensor(ctx, rhs_val, f"{name}_rhs", rhs_dtype) promoted_type = torch.promote_types( unified_dtype_converter(lhs_val.dtype, Frameworks.TORCH), @@ -139,15 +140,15 @@ def convert_binary_elementwise( if trt_promoted_type != lhs_val.dtype: lhs_val = cast_trt_tensor( - network, lhs_val, trt_promoted_type, name, target, source_ir + ctx, lhs_val, trt_promoted_type, name, target, source_ir ) if trt_promoted_type != rhs_val.dtype: rhs_val = cast_trt_tensor( - network, rhs_val, trt_promoted_type, name, target, source_ir + ctx, rhs_val, trt_promoted_type, name, target, source_ir ) # Check the limitation in the doc string. - if network.has_implicit_batch_dimension: + if ctx.net.has_implicit_batch_dimension: if is_lhs_trt_tensor and not is_rhs_trt_tensor: assert len(lhs_val.shape) >= len( rhs_val.shape @@ -158,9 +159,9 @@ def convert_binary_elementwise( ), f"{rhs_val.shape} >= {lhs_val.shape}" lhs_val, rhs_val = broadcast( - network, lhs_val, rhs_val, f"{name}_lhs", f"{name}_rhs" + ctx.net, lhs_val, rhs_val, f"{name}_lhs", f"{name}_rhs" ) - layer = network.add_elementwise(lhs_val, rhs_val, op_type) + layer = ctx.net.add_elementwise(lhs_val, rhs_val, op_type) set_layer_name(layer, target, name, source_ir) output = layer.get_output(0) kind: str = str(target.__name__) if callable(target) else target diff --git a/py/torch_tensorrt/dynamo/conversion/impl/elementwise/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/elementwise/ops.py index 75ff33f26f..9f1143959f 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/elementwise/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/elementwise/ops.py @@ -4,6 +4,7 @@ import tensorrt as trt from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import ( cast_int_int_div_trt_tensor, cast_int_or_float_to_bool, @@ -15,12 +16,12 @@ from torch_tensorrt.dynamo.conversion.impl.unary import sign from torch_tensorrt.dynamo.conversion.impl.unary.base import convert_unary from torch_tensorrt.fx.converters.converter_utils import set_layer_name, squeeze_left -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor from torch_tensorrt.fx.utils import Frameworks, unified_dtype_converter def trunc_div( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -33,7 +34,7 @@ def trunc_div( it will be ceil round. Example: [2.1, 0.8, -3.2] -> [2, 0, -3]. Args: - network: INetworkDefinition. + ctx: ConversionContext. target: node target source_ir (SourceIR): Source IR calling the function. name: namespace for the op @@ -44,7 +45,7 @@ def trunc_div( A TensorRT tensor represent the result of trunc divide. """ prod_output = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_prod", @@ -54,7 +55,7 @@ def trunc_div( ) sign_output = sign( - network, + ctx, target, source_ir, name, @@ -63,17 +64,17 @@ def trunc_div( # Convert constant input into ITensor for UnaryOperation if not isinstance(input, trt.tensorrt.ITensor): - input = get_trt_tensor(network, input, f"{name}_input") + input = get_trt_tensor(ctx, input, f"{name}_input") if not isinstance(other, trt.tensorrt.ITensor): other = get_trt_tensor( - network, + ctx, other, f"{name}_other", dtype=unified_dtype_converter(input.dtype, Frameworks.TORCH), ) abs_input_output = convert_unary( - network, + ctx, target, source_ir, f"{name}_abs_input", @@ -81,7 +82,7 @@ def trunc_div( input, ) abs_other_output = convert_unary( - network, + ctx, target, source_ir, f"{name}_abs_other", @@ -89,7 +90,7 @@ def trunc_div( other, ) abs_floor_output = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_floor_div", @@ -98,7 +99,7 @@ def trunc_div( abs_other_output, ) output = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_output", @@ -111,14 +112,14 @@ def trunc_div( def rsqrt( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input: TRTTensor, ) -> TRTTensor: sqrt_trt_output = convert_unary( - network, + ctx, target, source_ir, f"{name}_sqrt", @@ -127,7 +128,7 @@ def rsqrt( ) output = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_output", @@ -140,7 +141,7 @@ def rsqrt( def fmod( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -149,7 +150,7 @@ def fmod( ) -> TRTTensor: # NOTE: TRT doesnt currently implement fmod so we need multiple operations to perform it trunc_div_value = trunc_div( - network, + ctx, target, source_ir, name + "_trunc_div", @@ -157,7 +158,7 @@ def fmod( other, ) prod_value = convert_binary_elementwise( - network, + ctx, target, source_ir, name + "_prod", @@ -166,7 +167,7 @@ def fmod( other, ) sub_value = convert_binary_elementwise( - network, + ctx, target, SourceIR.ACC, name + "_sub", @@ -178,7 +179,7 @@ def fmod( def clamp( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -193,7 +194,7 @@ def clamp( ) def _add_layer( - network: TRTNetwork, + ctx: ConversionContext, input: TRTTensor, val: float, op: trt.ElementWiseOperation, @@ -204,7 +205,7 @@ def _add_layer( if not len(input.shape): # clamping scalar acc_ops_clamp_trt = get_trt_tensor( - network, + ctx, squeeze_left( np.array( [val], @@ -220,21 +221,21 @@ def _add_layer( val, dtype=unified_dtype_converter(input.dtype, Frameworks.NUMPY), ) - acc_ops_clamp_trt = network.add_constant( + acc_ops_clamp_trt = ctx.net.add_constant( acc_ops_clamp_shape, acc_ops_clamp_tensor ).get_output(0) - layer = network.add_elementwise(input, acc_ops_clamp_trt, op) + layer = ctx.net.add_elementwise(input, acc_ops_clamp_trt, op) return layer if min_val is not None: clamp_min_layer = _add_layer( - network, input_val, min_val, trt.ElementWiseOperation.MAX, name + ctx, input_val, min_val, trt.ElementWiseOperation.MAX, name ) set_layer_name(clamp_min_layer, target, f"{name}_clamp_min") input_val = clamp_min_layer.get_output(0) if max_val is not None: clamp_max_layer = _add_layer( - network, input_val, max_val, trt.ElementWiseOperation.MIN, name + ctx, input_val, max_val, trt.ElementWiseOperation.MIN, name ) set_layer_name(clamp_max_layer, target, f"{name}_clamp_max") input_val = clamp_max_layer.get_output(0) @@ -243,7 +244,7 @@ def _add_layer( def add( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -251,12 +252,12 @@ def add( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: return convert_binary_elementwise( - network, target, source_ir, name, trt.ElementWiseOperation.SUM, lhs_val, rhs_val + ctx, target, source_ir, name, trt.ElementWiseOperation.SUM, lhs_val, rhs_val ) def mul( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -264,7 +265,7 @@ def mul( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: return convert_binary_elementwise( - network, + ctx, target, source_ir, name, @@ -275,7 +276,7 @@ def mul( def max( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -283,12 +284,12 @@ def max( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: return convert_binary_elementwise( - network, target, source_ir, name, trt.ElementWiseOperation.MAX, lhs_val, rhs_val + ctx, target, source_ir, name, trt.ElementWiseOperation.MAX, lhs_val, rhs_val ) def min( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -296,12 +297,12 @@ def min( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: return convert_binary_elementwise( - network, target, source_ir, name, trt.ElementWiseOperation.MIN, lhs_val, rhs_val + ctx, target, source_ir, name, trt.ElementWiseOperation.MIN, lhs_val, rhs_val ) def sub( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -309,12 +310,12 @@ def sub( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: return convert_binary_elementwise( - network, target, source_ir, name, trt.ElementWiseOperation.SUB, lhs_val, rhs_val + ctx, target, source_ir, name, trt.ElementWiseOperation.SUB, lhs_val, rhs_val ) def div( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -322,15 +323,15 @@ def div( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: if isinstance(lhs_val, TRTTensor) and isinstance(rhs_val, TRTTensor): - lhs_val, rhs_val = cast_int_int_div_trt_tensor(network, lhs_val, rhs_val, name) + lhs_val, rhs_val = cast_int_int_div_trt_tensor(ctx, lhs_val, rhs_val, name) return convert_binary_elementwise( - network, target, source_ir, name, trt.ElementWiseOperation.DIV, lhs_val, rhs_val + ctx, target, source_ir, name, trt.ElementWiseOperation.DIV, lhs_val, rhs_val ) def pow( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -338,15 +339,15 @@ def pow( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: if isinstance(lhs_val, TRTTensor) and isinstance(rhs_val, TRTTensor): - lhs_val, rhs_val = cast_int_int_div_trt_tensor(network, lhs_val, rhs_val, name) + lhs_val, rhs_val = cast_int_int_div_trt_tensor(ctx, lhs_val, rhs_val, name) return convert_binary_elementwise( - network, target, source_ir, name, trt.ElementWiseOperation.POW, lhs_val, rhs_val + ctx, target, source_ir, name, trt.ElementWiseOperation.POW, lhs_val, rhs_val ) def floor_divide( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -354,7 +355,7 @@ def floor_divide( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: return convert_binary_elementwise( - network, + ctx, target, source_ir, name, @@ -365,7 +366,7 @@ def floor_divide( def logical_and( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -373,18 +374,18 @@ def logical_and( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: if isinstance(lhs_val, TRTTensor): - lhs_val = cast_int_or_float_to_bool(network, name, lhs_val) + lhs_val = cast_int_or_float_to_bool(ctx, name, lhs_val) if isinstance(rhs_val, TRTTensor): - rhs_val = cast_int_or_float_to_bool(network, name, rhs_val) + rhs_val = cast_int_or_float_to_bool(ctx, name, rhs_val) return convert_binary_elementwise( - network, target, source_ir, name, trt.ElementWiseOperation.AND, lhs_val, rhs_val + ctx, target, source_ir, name, trt.ElementWiseOperation.AND, lhs_val, rhs_val ) def logical_or( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -392,18 +393,18 @@ def logical_or( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: if isinstance(lhs_val, TRTTensor): - lhs_val = cast_int_or_float_to_bool(network, name, lhs_val) + lhs_val = cast_int_or_float_to_bool(ctx, name, lhs_val) if isinstance(rhs_val, TRTTensor): - rhs_val = cast_int_or_float_to_bool(network, name, rhs_val) + rhs_val = cast_int_or_float_to_bool(ctx, name, rhs_val) return convert_binary_elementwise( - network, target, source_ir, name, trt.ElementWiseOperation.OR, lhs_val, rhs_val + ctx, target, source_ir, name, trt.ElementWiseOperation.OR, lhs_val, rhs_val ) def logical_xor( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -411,18 +412,18 @@ def logical_xor( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: if isinstance(lhs_val, TRTTensor): - lhs_val = cast_int_or_float_to_bool(network, name, lhs_val) + lhs_val = cast_int_or_float_to_bool(ctx, name, lhs_val) if isinstance(rhs_val, TRTTensor): - rhs_val = cast_int_or_float_to_bool(network, name, rhs_val) + rhs_val = cast_int_or_float_to_bool(ctx, name, rhs_val) return convert_binary_elementwise( - network, target, source_ir, name, trt.ElementWiseOperation.XOR, lhs_val, rhs_val + ctx, target, source_ir, name, trt.ElementWiseOperation.XOR, lhs_val, rhs_val ) def eq( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -430,7 +431,7 @@ def eq( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: return convert_binary_elementwise( - network, + ctx, target, source_ir, name, @@ -441,7 +442,7 @@ def eq( def gt( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -449,7 +450,7 @@ def gt( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: return convert_binary_elementwise( - network, + ctx, target, source_ir, name, @@ -460,7 +461,7 @@ def gt( def lt( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -468,7 +469,7 @@ def lt( rhs_val: Union[TRTTensor, int, float], ) -> TRTTensor: return convert_binary_elementwise( - network, + ctx, target, source_ir, name, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/embedding.py b/py/torch_tensorrt/dynamo/conversion/impl/embedding.py index 8ddfdf015f..b7795ea1f3 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/embedding.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/embedding.py @@ -3,13 +3,14 @@ import torch from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import get_trt_tensor from torch_tensorrt.fx.converters.converter_utils import set_layer_name -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def embedding( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -24,10 +25,8 @@ def embedding( raise RuntimeError( "The `embedding` op has indices_tensor dtype=int64. This is incorrect since it has to be int32 to run on TRT." ) - indices_tensor = get_trt_tensor(network, indices_tensor, f"{name}_indices_tensor") - embedding_tensor = get_trt_tensor( - network, embedding_tensor, f"{name}_embedding_tensor" - ) + indices_tensor = get_trt_tensor(ctx, indices_tensor, f"{name}_indices_tensor") + embedding_tensor = get_trt_tensor(ctx, embedding_tensor, f"{name}_embedding_tensor") # unsupported parameters # ignore padding_idx since it is meaningful for training only @@ -40,6 +39,6 @@ def embedding( raise RuntimeError("Currently we don't support sparse gradient.") # Implement embedding lookup with gather layer - gather_layer = network.add_gather(embedding_tensor, indices_tensor, axis=0) + gather_layer = ctx.net.add_gather(embedding_tensor, indices_tensor, axis=0) set_layer_name(gather_layer, target, name + "_gather", source_ir) return gather_layer.get_output(0) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/linear.py b/py/torch_tensorrt/dynamo/conversion/impl/linear.py index cad97a5c9a..69ef73964d 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/linear.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/linear.py @@ -5,12 +5,13 @@ import torch from torch.fx.node import Target from torch_tensorrt.dynamo.conversion import impl +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import SourceIR, get_trt_tensor -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def linear( - network: TRTNetwork, + ctx: ConversionContext, target: Union[Target, str], source_ir: Optional[SourceIR], name: str, @@ -24,7 +25,7 @@ def linear( f"Linear layer {name} has weight of type {type(weight)}, Expect Union[TRTTensor, torch.Tensor, np.ndarray]," ) elif isinstance(weight, (torch.Tensor, np.ndarray)): - weight = get_trt_tensor(network, weight, f"{name}_weight") + weight = get_trt_tensor(ctx, weight, f"{name}_weight") # Process bias terms if bias is not None and not isinstance(bias, (TRTTensor, torch.Tensor, np.ndarray)): @@ -32,11 +33,11 @@ def linear( f"Linear layer {name} has bias of type {type(bias)}, Expect Union[TRTTensor, torch.Tensor, np.ndarray]," ) elif isinstance(bias, (torch.Tensor, np.ndarray)): - bias = get_trt_tensor(network, bias, f"{name}_bias") + bias = get_trt_tensor(ctx, bias, f"{name}_bias") # add IMatrixMultiplyLayer out = impl.matmul.matrix_multiply( - network, + ctx, target, source_ir, name, @@ -48,6 +49,6 @@ def linear( if bias is not None: # add bias - out = impl.elementwise.add(network, target, source_ir, name, out, bias) + out = impl.elementwise.add(ctx, target, source_ir, name, out, bias) return out diff --git a/py/torch_tensorrt/dynamo/conversion/impl/matmul.py b/py/torch_tensorrt/dynamo/conversion/impl/matmul.py index a62d24121f..a50ec3c434 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/matmul.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/matmul.py @@ -3,14 +3,15 @@ import tensorrt as trt from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import get_trt_tensor from torch_tensorrt.fx.converters.converter_utils import broadcast, set_layer_name -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor from torch_tensorrt.fx.utils import Frameworks, unified_dtype_converter def matrix_multiply( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -20,10 +21,10 @@ def matrix_multiply( other_matrix_op: trt.MatrixOperation = trt.MatrixOperation.NONE, ) -> TRTTensor: if not isinstance(input, trt.tensorrt.ITensor): - input = get_trt_tensor(network, input, f"{name}_input") + input = get_trt_tensor(ctx, input, f"{name}_input") if not isinstance(other, trt.tensorrt.ITensor): other = get_trt_tensor( - network, + ctx, other, f"{name}_other", dtype=unified_dtype_converter(input.dtype, Frameworks.TORCH), @@ -40,8 +41,8 @@ def matrix_multiply( other_matrix_op = trt.MatrixOperation.VECTOR input, other = broadcast( - network, input, other, f"{name}_input", f"{name}_other", preset_diff + ctx.net, input, other, f"{name}_input", f"{name}_other", preset_diff ) - layer = network.add_matrix_multiply(input, input_matrix_op, other, other_matrix_op) + layer = ctx.net.add_matrix_multiply(input, input_matrix_op, other, other_matrix_op) set_layer_name(layer, target, name, source_ir) return layer.get_output(0) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/normalization/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/normalization/ops.py index 44209de2f0..81bd88cd4f 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/normalization/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/normalization/ops.py @@ -6,7 +6,8 @@ import torch from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR -from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim, to_numpy from torch_tensorrt.dynamo.conversion.impl.elementwise.base import ( convert_binary_elementwise, ) @@ -15,16 +16,15 @@ get_trt_plugin, has_dynamic_shape, set_layer_name, - to_numpy, ) -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor from torch_tensorrt.fx.utils import get_dynamic_dims _LOGGER: logging.Logger = logging.getLogger(__name__) def batch_norm( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -55,11 +55,11 @@ def batch_norm( # For BatchNorm1d, reshape 1d to 2d output_shape = input.shape - if not network.has_implicit_batch_dimension and len(input.shape) < 4: + if not ctx.net.has_implicit_batch_dimension and len(input.shape) < 4: assert ( len(get_dynamic_dims(input.shape)) <= 1 ), "BatchNorm1D with more than one dynamic dims is not currently supported." - reshape_layer = network.add_shuffle(input) + reshape_layer = ctx.net.add_shuffle(input) if len(input.shape) == 2: reshape_layer.reshape_dims = (input.shape[0], input.shape[1], 1, 1) else: # len(input_val.shape) == 3 @@ -71,12 +71,12 @@ def batch_norm( ) set_layer_name(reshape_layer, target, f"{name}_reshape_2d") input = reshape_layer.get_output(0) - layer = network.add_scale(input, trt.ScaleMode.CHANNEL, bias, scale, power) + layer = ctx.net.add_scale(input, trt.ScaleMode.CHANNEL, bias, scale, power) set_layer_name(layer, target, name) # For BatchNorm1d, reshape output back to 1d - if not network.has_implicit_batch_dimension and len(output_shape) < 4: - reshape_output_layer = network.add_shuffle(layer.get_output(0)) + if not ctx.net.has_implicit_batch_dimension and len(output_shape) < 4: + reshape_output_layer = ctx.net.add_shuffle(layer.get_output(0)) reshape_output_layer.reshape_dims = tuple(output_shape) set_layer_name(reshape_output_layer, target, f"{name}_reshape_1d") layer = reshape_output_layer @@ -84,7 +84,7 @@ def batch_norm( def layer_norm( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -127,7 +127,7 @@ def layer_norm( ) try: - if network.has_implicit_batch_dimension: + if ctx.net.has_implicit_batch_dimension: plugin = get_trt_plugin("layer_norm", field_collection, "1", "fx2trt") else: plugin = get_trt_plugin("LayerNormDynamic", field_collection, "1", "fx2trt") @@ -136,15 +136,15 @@ def layer_norm( "Unable to find layer norm plugin, fall back to TensorRT implementation." ) return layer_norm_no_plugin( - network, target, source_ir, name, input, normalized_shape, weight, bias, eps + ctx, target, source_ir, name, input, normalized_shape, weight, bias, eps ) - layer = network.add_plugin_v2([input], plugin) + layer = ctx.net.add_plugin_v2([input], plugin) layer.name = name return layer.get_output(0) def layer_norm_no_plugin( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -170,14 +170,14 @@ def layer_norm_no_plugin( axes |= 1 << (len(input.shape) - d - 1) # E[x] - mean_expected_layer = network.add_reduce( + mean_expected_layer = ctx.net.add_reduce( input, trt.ReduceOperation.AVG, axes, keep_dims=True ) set_layer_name(mean_expected_layer, target, f"{name}_mean_expected") # X-E[x] sub_trt = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_sub", @@ -186,13 +186,13 @@ def layer_norm_no_plugin( mean_expected_layer.get_output(0), ) # Variance = mean(pow(x_sub_mean,2)) - pow_tensor = network.add_constant( + pow_tensor = ctx.net.add_constant( (1,) * len(input.shape), trt.Weights(np.ascontiguousarray([2.0], dtype=np.float32)), ) pow_tensor.name = f"{name}_power" pow_var = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_pow_var", @@ -200,18 +200,18 @@ def layer_norm_no_plugin( sub_trt, pow_tensor.get_output(0), ) - mean_trt_layer = network.add_reduce( + mean_trt_layer = ctx.net.add_reduce( pow_var, trt.ReduceOperation.AVG, axes, keep_dims=True ) set_layer_name(mean_trt_layer, target, f"{name}_mean") # Variance + eps - eps_tensor = network.add_constant( + eps_tensor = ctx.net.add_constant( (1,) * len(input.shape), trt.Weights(np.ascontiguousarray([eps], dtype=np.float32)), ) eps_tensor.name = f"{name}_eps" add_trt = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_add", @@ -221,7 +221,7 @@ def layer_norm_no_plugin( ) # SQRT((Var + eps)) sqrt_trt = convert_unary( - network, + ctx, target, source_ir, f"{name}_sqrt", @@ -230,7 +230,7 @@ def layer_norm_no_plugin( ) # (x - E[x]) / sqrt((var + eps)) div_trt = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_div_trt", @@ -240,18 +240,18 @@ def layer_norm_no_plugin( ) assert gamma is not None - gamma_tensor = network.add_constant( + gamma_tensor = ctx.net.add_constant( gamma.shape, trt.Weights(np.ascontiguousarray(gamma)) ) gamma_tensor.name = f"{name}_gamma" assert beta is not None - beta_tensor = network.add_constant( + beta_tensor = ctx.net.add_constant( gamma.shape, trt.Weights(np.ascontiguousarray(beta)) ) beta_tensor.name = f"{name}_beta" # y * gamma + beta scale_layer = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_scale", @@ -260,7 +260,7 @@ def layer_norm_no_plugin( gamma_tensor.get_output(0), ) return convert_binary_elementwise( - network, + ctx, target, source_ir, name, @@ -271,14 +271,14 @@ def layer_norm_no_plugin( def softmax( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input: TRTTensor, dim: Optional[Any] = None, ) -> Union[TRTTensor, Sequence[TRTTensor]]: - input_ranks = len(input.shape) + (1 if network.has_implicit_batch_dimension else 0) + input_ranks = len(input.shape) + (1 if ctx.net.has_implicit_batch_dimension else 0) if not isinstance(input, TRTTensor): raise RuntimeError( @@ -300,11 +300,11 @@ def get_softmax_dim(ndim: int) -> int: dim = cast(int, dim) dim = get_positive_dim(dim, input_ranks) - if network.has_implicit_batch_dimension: + if ctx.net.has_implicit_batch_dimension: assert dim != 0, "Can't apply softmax on batch dimension when it's implicit." dim -= 1 - layer = network.add_softmax(input) + layer = ctx.net.add_softmax(input) layer.axes = 1 << dim set_layer_name(layer, target, name) return layer.get_output(0) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/permutation.py b/py/torch_tensorrt/dynamo/conversion/impl/permutation.py index ff1e98dbf5..bdd9b46314 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/permutation.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/permutation.py @@ -2,13 +2,14 @@ from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim from torch_tensorrt.fx.converters.converter_utils import set_layer_name -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def permute( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -22,7 +23,7 @@ def permute( permutation = get_positive_dim(permutation, len(input.shape)) - layer = network.add_shuffle(input) + layer = ctx.net.add_shuffle(input) layer.second_transpose = tuple(permutation) set_layer_name(layer, target, name, source_ir) return layer.get_output(0) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/pool.py b/py/torch_tensorrt/dynamo/conversion/impl/pool.py index a84402ba89..13c8645a90 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/pool.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/pool.py @@ -3,16 +3,17 @@ import tensorrt as trt from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import extend_attr_to_tuple from torch_tensorrt.fx.converters.converter_utils import ( has_dynamic_shape, set_layer_name, ) -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def avg_poolNd( - network: TRTNetwork, + ctx: ConversionContext, target: Union[Target, str], source_ir: Optional[SourceIR], name: str, @@ -45,7 +46,7 @@ def avg_poolNd( padding = extend_attr_to_tuple(padding, dim) # add average pooling layer - pool_layer = network.add_pooling_nd( + pool_layer = ctx.net.add_pooling_nd( input=input, type=trt.PoolingType.AVERAGE, window_size=kernel_size, @@ -60,7 +61,7 @@ def avg_poolNd( def max_poolNd( - network: TRTNetwork, + ctx: ConversionContext, target: Union[Target, str], source_ir: Optional[SourceIR], name: str, @@ -92,7 +93,7 @@ def max_poolNd( padding = extend_attr_to_tuple(padding, dim) # add max pooling layer - pool_layer = network.add_pooling_nd( + pool_layer = ctx.net.add_pooling_nd( input=input, type=trt.PoolingType.MAX, window_size=kernel_size, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/reduce.py b/py/torch_tensorrt/dynamo/conversion/impl/reduce.py index 1cb2559ae3..0357962be5 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/reduce.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/reduce.py @@ -3,17 +3,18 @@ import tensorrt as trt from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import ( cast_trt_tensor, get_axes_for_reduce_op, get_positive_dim, ) from torch_tensorrt.fx.converters.converter_utils import set_layer_name -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def amax( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -24,9 +25,9 @@ def amax( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) - layer = network.add_reduce( + layer = ctx.net.add_reduce( input_val, trt.ReduceOperation.MAX, axes=get_axes_for_reduce_op(get_positive_dim(dim, len(input_val.shape))), @@ -37,7 +38,7 @@ def amax( def sum( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -48,11 +49,11 @@ def sum( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) if dim is None: dim = tuple(range(len(input_val.shape))) - layer = network.add_reduce( + layer = ctx.net.add_reduce( input_val, trt.ReduceOperation.SUM, axes=get_axes_for_reduce_op(get_positive_dim(dim, len(input_val.shape))), diff --git a/py/torch_tensorrt/dynamo/conversion/impl/select.py b/py/torch_tensorrt/dynamo/conversion/impl/select.py index 9b65245dbe..20132fa460 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/select.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/select.py @@ -3,14 +3,15 @@ import numpy as np from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR -from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim, to_numpy from torch_tensorrt.dynamo.conversion.impl.shape import get_shape_with_dynamic_shape -from torch_tensorrt.fx.converters.converter_utils import has_dynamic_shape, to_numpy -from torch_tensorrt.fx.types import Shape, TRTNetwork, TRTTensor +from torch_tensorrt.fx.converters.converter_utils import has_dynamic_shape +from torch_tensorrt.fx.types import Shape, TRTTensor def select( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -24,10 +25,10 @@ def select( "of the TensorRT region!" ) - ranks = len(input.shape) + (1 if network.has_implicit_batch_dimension else 0) + ranks = len(input.shape) + (1 if ctx.net.has_implicit_batch_dimension else 0) dim = get_positive_dim(cast(int, dim), ranks) dynamic_shape = has_dynamic_shape(input.shape) - if network.has_implicit_batch_dimension: + if ctx.net.has_implicit_batch_dimension: if dim == 0: raise RuntimeError( f"We do not support slice_tensor at batch dim when it's implicit, got {dim}!" @@ -47,14 +48,14 @@ def select( output_shape[dim] = 1 if dynamic_shape > 0: output_shape = get_shape_with_dynamic_shape( - network, target, source_ir, name, output_shape, input + ctx, target, source_ir, name, output_shape, input ) index_value = np.array(index, dtype=np.int32) - indices_tensor = network.add_constant( + indices_tensor = ctx.net.add_constant( index_value.shape, to_numpy(index_value) ).get_output(0) - layer = network.add_gather(input, indices_tensor, dim) + layer = ctx.net.add_gather(input, indices_tensor, dim) out = layer.get_output(0) if len(out.shape) != 1: - layer = network.add_shuffle(out) + layer = ctx.net.add_shuffle(out) return layer.get_output(0) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/shape.py b/py/torch_tensorrt/dynamo/conversion/impl/shape.py index 8bd137d991..ef30b186c1 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/shape.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/shape.py @@ -3,20 +3,21 @@ from typing import List, Optional, Tuple import numpy as np +import tensorrt as trt import torch from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.dynamo.conversion.converter_utils import to_numpy from torch_tensorrt.dynamo.conversion.impl.elementwise.base import ( convert_binary_elementwise, ) -from torch_tensorrt.fx.converters.converter_utils import set_layer_name, to_numpy -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor - -import tensorrt as trt +from torch_tensorrt.fx.converters.converter_utils import set_layer_name +from torch_tensorrt.fx.types import TRTTensor def get_shape_with_dynamic_shape( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -37,7 +38,7 @@ def get_shape_with_dynamic_shape( 5. output shape with actual batch_size as [2048, 128, 256] Args: - network (TRTNetwork): TensorRT network object. + ctx (ConversionContext): TensorRT ConversionContext object. shape: calculated shape of the expected output tensor input_val (TRTTensor): A TensorRT ITensor. target (Target): Target of fx node. @@ -46,22 +47,22 @@ def get_shape_with_dynamic_shape( TensorRT ITensors that represents the actual shape of the input_val """ # Ger real shape info for input_val - input_shape = network.add_shape(input_val).get_output(0) + input_shape = ctx.net.add_shape(input_val).get_output(0) - scale_layer = network.add_constant( + scale_layer = ctx.net.add_constant( input_shape.shape, np.ascontiguousarray(shape, dtype=np.int32) ) set_layer_name(scale_layer, target, f"{name}_scale") scale_res = scale_layer.get_output(0) length = input_shape.shape[0] - zero_layer = network.add_constant( + zero_layer = ctx.net.add_constant( input_shape.shape, to_numpy(torch.zeros((length), dtype=torch.int32)) ) set_layer_name(zero_layer, target, f"{name}_zeros") condition_val = convert_binary_elementwise( - network, + ctx, target, source_ir, f"{name}_shape", @@ -69,6 +70,6 @@ def get_shape_with_dynamic_shape( scale_res, zero_layer.get_output(0), ) - select_layer = network.add_select(condition_val, input_shape, scale_res) + select_layer = ctx.net.add_select(condition_val, input_shape, scale_res) set_layer_name(select_layer, target, f"{name}_select") return select_layer.get_output(0) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/slice/base.py b/py/torch_tensorrt/dynamo/conversion/impl/slice/base.py index 57e72803a8..018ac63b8c 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/slice/base.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/slice/base.py @@ -2,16 +2,17 @@ from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.impl.shape import get_shape_with_dynamic_shape from torch_tensorrt.fx.converters.converter_utils import ( has_dynamic_shape, set_layer_name, ) -from torch_tensorrt.fx.types import Shape, TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import Shape, TRTTensor def slice( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -22,10 +23,8 @@ def slice( ) -> TRTTensor: dynamic_shape = has_dynamic_shape(input.shape) if dynamic_shape: - shape = get_shape_with_dynamic_shape( - network, target, source_ir, name, shape, input - ) - layer = network.add_slice( + shape = get_shape_with_dynamic_shape(ctx, target, source_ir, name, shape, input) + layer = ctx.net.add_slice( input, start=start, shape=[] if dynamic_shape else shape, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/slice/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/slice/ops.py index 8904e140cf..97ffdb728f 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/slice/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/slice/ops.py @@ -3,6 +3,7 @@ from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim from torch_tensorrt.dynamo.conversion.impl.slice.base import slice from torch_tensorrt.fx.converters.converter_utils import ( @@ -10,11 +11,11 @@ prepend_ones, set_layer_name, ) -from torch_tensorrt.fx.types import Shape, TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import Shape, TRTTensor def slice_op( # TODO: This should be slice not whatever is in base - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -30,10 +31,10 @@ def slice_op( # TODO: This should be slice not whatever is in base "of the TensorRT region!" ) - ranks = len(input.shape) + (1 if network.has_implicit_batch_dimension else 0) + ranks = len(input.shape) + (1 if ctx.net.has_implicit_batch_dimension else 0) dim = get_positive_dim(dim, ranks) dynamic_shape = has_dynamic_shape(input.shape) - if network.has_implicit_batch_dimension: + if ctx.net.has_implicit_batch_dimension: if dim == 0: raise RuntimeError( f"We do not support slice_tensor at batch dim when it's implicit, got {dim}!" @@ -56,12 +57,12 @@ def slice_op( # TODO: This should be slice not whatever is in base output_shape[dim] = math.ceil((stop_int - start_int) / step_int) return slice( - network, target, source_ir, name, input, start_slice, output_shape, stride_slice + ctx, target, source_ir, name, input, start_slice, output_shape, stride_slice ) def expand( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -79,7 +80,7 @@ def expand( # If the rank of the input tensor is less than the shape's rank, pad with ones if initial_tensor_rank < shape_rank: input_t = prepend_ones( - network, + ctx.net, input_t, name + "_expand_broadcast", shape_rank - initial_tensor_rank, @@ -105,6 +106,6 @@ def expand( stride = tuple( [int(i == o) for i, o in zip(input_tensor_shape, shape)] ) # stride == 1 if dimensions match, 0 otherwise - layer = network.add_slice(input_t, start=start, shape=shape, stride=stride) + layer = ctx.net.add_slice(input_t, start=start, shape=shape, stride=stride) set_layer_name(layer, target, name, source_ir) return layer.get_output(0) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/split.py b/py/torch_tensorrt/dynamo/conversion/impl/split.py index 1785e454e5..0f07ceb7ab 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/split.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/split.py @@ -1,21 +1,18 @@ -from typing import Any, Dict, List, Optional, Sequence, Tuple, Union +from typing import List, Optional, Sequence, Union -import numpy as np -import torch -import torch_tensorrt as trt -from torch import Tensor from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.impl.shape import get_shape_with_dynamic_shape from torch_tensorrt.fx.converters.converter_utils import ( has_dynamic_shape, set_layer_name, ) -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def split( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -51,7 +48,7 @@ def split( sum_split_sizes = sum(split_sizes) if sum_split_sizes != input.shape[dim]: raise RuntimeError( - f"split sizes don't add up to the tensor's size in the given dimension" + "split sizes don't add up to the tensor's size in the given dimension" ) if num_splits < 1: @@ -68,9 +65,9 @@ def split( start[dim] = offset if dynamic_shape: shape = get_shape_with_dynamic_shape( - network, target, source_ir, f"{name}_shape_{i}", shape, input + ctx, target, source_ir, f"{name}_shape_{i}", shape, input ) - layer = network.add_slice( + layer = ctx.net.add_slice( input, start=start, shape=[] if dynamic_shape else shape, stride=stride ) if dynamic_shape: diff --git a/py/torch_tensorrt/dynamo/conversion/impl/squeeze.py b/py/torch_tensorrt/dynamo/conversion/impl/squeeze.py index 1eb6c3c3aa..cde4fdd90d 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/squeeze.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/squeeze.py @@ -2,14 +2,15 @@ from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import get_positive_dim from torch_tensorrt.fx.converters.converter_utils import set_layer_name -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor from torch_tensorrt.fx.utils import get_dynamic_dims def squeeze( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -31,9 +32,9 @@ def squeeze( for dim in dims: dim = get_positive_dim( dim, - len(input.shape) + (1 if network.has_implicit_batch_dimension else 0), + len(input.shape) + (1 if ctx.net.has_implicit_batch_dimension else 0), ) - if network.has_implicit_batch_dimension: + if ctx.net.has_implicit_batch_dimension: assert dim != 0, "We don't support squeeze batch dim when it's implicit." dim -= 1 @@ -48,7 +49,7 @@ def squeeze( if (i in new_dims) and s == 1: continue output_shape.append(s) - layer = network.add_shuffle(input) + layer = ctx.net.add_shuffle(input) layer.reshape_dims = tuple(output_shape) set_layer_name(layer, target, name, source_ir) return layer.get_output(0) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/unary/base.py b/py/torch_tensorrt/dynamo/conversion/impl/unary/base.py index 4c5011eeec..5da8bad252 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/unary/base.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/unary/base.py @@ -1,15 +1,15 @@ from typing import Optional +import tensorrt as trt from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.fx.converters.converter_utils import set_layer_name -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor - -import tensorrt as trt +from torch_tensorrt.fx.types import TRTTensor def convert_unary( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -20,7 +20,7 @@ def convert_unary( Add a TensorRT Unary layer to `network`. Args: - network (TRTNetwork): TensorRT network object. + ctx (ConversionContext): TensorRT ConversionContext object. input_val (TRTTensor): Input to the unary op. Must be a TensorRT tensor. op_type (trt.ElementWiseOperation): Type of the TensorRT unary operation. target (Target): Target of fx node. @@ -34,7 +34,7 @@ def convert_unary( f"{operation_type} received input {input_val} that is not part " "of the TensorRT region!" ) - layer = network.add_unary(input_val, operation_type) + layer = ctx.net.add_unary(input_val, operation_type) set_layer_name(layer, target, name, source_ir) output = layer.get_output(0) kind: str = str(target.__name__) if callable(target) else target diff --git a/py/torch_tensorrt/dynamo/conversion/impl/unary/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/unary/ops.py index 1a52ae7dc6..58c5f6ff4a 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/unary/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/unary/ops.py @@ -3,13 +3,14 @@ import tensorrt as trt from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import cast_trt_tensor from torch_tensorrt.dynamo.conversion.impl.unary.base import convert_unary -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import TRTTensor def exp( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -17,7 +18,7 @@ def exp( ) -> TRTTensor: """ Args: - network (TRTNetwork): TensorRT network object. + ctx (ConversionContext): TensorRT ConversionContext object. target (Target): fx node target. source_ir (SourceIR): Source IR calling the function name (str): Name of the fx node with optional suffix. @@ -29,15 +30,15 @@ def exp( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.EXP, input_val + ctx, target, source_ir, name, trt.UnaryOperation.EXP, input_val ) def log( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -46,15 +47,15 @@ def log( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.LOG, input_val + ctx, target, source_ir, name, trt.UnaryOperation.LOG, input_val ) def sqrt( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -63,15 +64,15 @@ def sqrt( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.SQRT, input_val + ctx, target, source_ir, name, trt.UnaryOperation.SQRT, input_val ) def recip( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -80,27 +81,27 @@ def recip( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.RECIP, input_val + ctx, target, source_ir, name, trt.UnaryOperation.RECIP, input_val ) def abs( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, ) -> TRTTensor: return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ABS, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ABS, input_val ) def sin( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -109,15 +110,15 @@ def sin( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.SIN, input_val + ctx, target, source_ir, name, trt.UnaryOperation.SIN, input_val ) def cos( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -126,15 +127,15 @@ def cos( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.COS, input_val + ctx, target, source_ir, name, trt.UnaryOperation.COS, input_val ) def tan( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -143,15 +144,15 @@ def tan( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.TAN, input_val + ctx, target, source_ir, name, trt.UnaryOperation.TAN, input_val ) def sinh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -160,15 +161,15 @@ def sinh( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.SINH, input_val + ctx, target, source_ir, name, trt.UnaryOperation.SINH, input_val ) def cosh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -177,15 +178,15 @@ def cosh( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.COSH, input_val + ctx, target, source_ir, name, trt.UnaryOperation.COSH, input_val ) def asin( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -194,15 +195,15 @@ def asin( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ASIN, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ASIN, input_val ) def acos( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -211,15 +212,15 @@ def acos( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ACOS, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ACOS, input_val ) def atan( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -228,15 +229,15 @@ def atan( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ATAN, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ATAN, input_val ) def asinh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -245,15 +246,15 @@ def asinh( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ASINH, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ASINH, input_val ) def acosh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -262,15 +263,15 @@ def acosh( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ACOSH, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ACOSH, input_val ) def atanh( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -279,15 +280,15 @@ def atanh( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ATANH, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ATANH, input_val ) def ceil( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -296,15 +297,15 @@ def ceil( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.CEIL, input_val + ctx, target, source_ir, name, trt.UnaryOperation.CEIL, input_val ) def floor( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -313,30 +314,30 @@ def floor( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.FLOOR, input_val + ctx, target, source_ir, name, trt.UnaryOperation.FLOOR, input_val ) def logical_not( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, ) -> TRTTensor: if (isinstance(input_val, TRTTensor)) and input_val.dtype != trt.bool: - input_val = cast_trt_tensor(network, input_val, trt.bool, name) + input_val = cast_trt_tensor(ctx, input_val, trt.bool, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.NOT, input_val + ctx, target, source_ir, name, trt.UnaryOperation.NOT, input_val ) def sign( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -345,15 +346,15 @@ def sign( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.SIGN, input_val + ctx, target, source_ir, name, trt.UnaryOperation.SIGN, input_val ) def round( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -362,15 +363,15 @@ def round( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ROUND, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ROUND, input_val ) def isinf( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -379,15 +380,15 @@ def isinf( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ISINF, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ISINF, input_val ) def neg( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -396,15 +397,15 @@ def neg( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.NEG, input_val + ctx, target, source_ir, name, trt.UnaryOperation.NEG, input_val ) def erf( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, @@ -413,8 +414,8 @@ def erf( if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 ): - input_val = cast_trt_tensor(network, input_val, trt.float32, name) + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) return convert_unary( - network, target, source_ir, name, trt.UnaryOperation.ERF, input_val + ctx, target, source_ir, name, trt.UnaryOperation.ERF, input_val ) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py b/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py index 4f84973d84..185a985e10 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py @@ -2,24 +2,25 @@ from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext from torch_tensorrt.dynamo.conversion.converter_utils import ( get_positive_dim, get_trt_tensor, ) from torch_tensorrt.fx.converters.converter_utils import set_layer_name -from torch_tensorrt.fx.types import Shape, TRTNetwork, TRTTensor +from torch_tensorrt.fx.types import Shape, TRTTensor from torch_tensorrt.fx.utils import get_dynamic_dims def unsqueeze( - network: TRTNetwork, + ctx: ConversionContext, target: Target, source_ir: Optional[SourceIR], name: str, input_t: TRTTensor, dim: Shape, ) -> TRTTensor: - input_val = get_trt_tensor(network, input_t, f"{name}_input_t") + input_val = get_trt_tensor(ctx, input_t, f"{name}_input_t") if not isinstance(input_val, TRTTensor): raise RuntimeError( f"unsqueeze received input {input_val} that is not part " @@ -30,19 +31,19 @@ def unsqueeze( input_shape_size = ( len(input_val.shape) + 1 - if network.has_implicit_batch_dimension + if ctx.net.has_implicit_batch_dimension else len(input_val.shape) ) dim = get_positive_dim(dim, input_shape_size + 1) - if network.has_implicit_batch_dimension: + if ctx.net.has_implicit_batch_dimension: assert dim != 0 dim -= 1 assert ( len(get_dynamic_dims(input_val.shape)) <= 1 ), "Currently we don't support unsqueeze with more than one dynamic dims." - layer = network.add_shuffle(input_val) + layer = ctx.net.add_shuffle(input_val) layer.reshape_dims = ( tuple(input_val.shape)[:dim] + (1,) + tuple(input_val.shape)[dim:] ) diff --git a/py/torch_tensorrt/dynamo/conversion/op_evaluators.py b/py/torch_tensorrt/dynamo/conversion/op_evaluators.py index a546e34305..08285762ce 100644 --- a/py/torch_tensorrt/dynamo/conversion/op_evaluators.py +++ b/py/torch_tensorrt/dynamo/conversion/op_evaluators.py @@ -3,7 +3,8 @@ from typing import Dict, Sequence, Tuple, Union from torch.fx.node import Argument, Node, Target -from torch_tensorrt.fx.types import TRTNetwork, TRTTensor +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.fx.types import TRTTensor from .converter_registry import ConverterRegistry, dynamo_tensorrt_converter @@ -20,7 +21,7 @@ def getitem_validator(getitem_node: Node) -> bool: # TODO: Subsequent evaluators should be registered here with their own validators @dynamo_tensorrt_converter(operator.getitem, capability_validator=getitem_validator) def generic_evaluator( - network: TRTNetwork, + ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], kwargs: Dict[str, Argument], diff --git a/py/torch_tensorrt/dynamo/lowering/substitutions/maxpool1d.py b/py/torch_tensorrt/dynamo/lowering/substitutions/maxpool1d.py index 0fb8e89414..8bb44ac8e0 100644 --- a/py/torch_tensorrt/dynamo/lowering/substitutions/maxpool1d.py +++ b/py/torch_tensorrt/dynamo/lowering/substitutions/maxpool1d.py @@ -65,7 +65,7 @@ def maxpool1d_generic( # "bias": bias, # ... # -@register_substitution(torch.nn.MaxPool1d, torch.ops.tensorrt.maxpool1d) # type: ignore +@register_substitution(torch.nn.MaxPool1d, torch.ops.tensorrt.maxpool1d) # type: ignore[misc] def maxpool1d_insertion_fn( gm: torch.fx.GraphModule, node: torch.fx.Node, diff --git a/tests/py/dynamo/backend/test_specialized_models.py b/tests/py/dynamo/backend/test_specialized_models.py index d32171e48b..db9520ccd5 100644 --- a/tests/py/dynamo/backend/test_specialized_models.py +++ b/tests/py/dynamo/backend/test_specialized_models.py @@ -222,6 +222,7 @@ def forward(self, x): inputs, min_block_size=1, pass_through_build_failures=True, + truncate_long_and_double=True, ) optimized_model_results = optimized_model(*inputs).detach().cpu() torch_model_results = fx_graph(*inputs).detach().cpu() diff --git a/tests/py/dynamo/conversion/harness.py b/tests/py/dynamo/conversion/harness.py index c8ea5bb5c0..c997250b5f 100644 --- a/tests/py/dynamo/conversion/harness.py +++ b/tests/py/dynamo/conversion/harness.py @@ -8,6 +8,7 @@ from torch.fx.passes.infra.pass_base import PassResult from torch.testing._internal.common_utils import TestCase from torch_tensorrt import Input +from torch_tensorrt.dynamo._settings import CompilationSettings # Use interpreter, input spec, and test case from fx_ts_compat to test Dynamo Converter Registry from torch_tensorrt.dynamo.conversion import TRTInterpreter @@ -282,10 +283,15 @@ def run_test( pass_tracer = chain_passes(*apply_passes) mod = pass_tracer(mod, inputs) + # Previous instance of the interpreter auto-casted 64-bit inputs + # We replicate this behavior here + compilation_settings = CompilationSettings(truncate_long_and_double=True) + interp = TRTInterpreter( mod, Input.from_tensors(inputs), output_dtypes=output_dtypes, + compilation_settings=compilation_settings, ) super().run_test( mod, @@ -321,10 +327,15 @@ def run_test_with_dynamic_shape( disable_passes=disable_passes, ) + # Previous instance of the interpreter auto-casted 64-bit inputs + # We replicate this behavior here + compilation_settings = CompilationSettings(truncate_long_and_double=True) + interp = TRTInterpreter( mod, input_specs, output_dtypes=output_dtypes, + compilation_settings=compilation_settings, ) # Since the lowering is based on optimal shape. We need to test with # different shape(for ex. max shape) for testing dynamic shape diff --git a/tests/py/dynamo/conversion/test_converter_utils.py b/tests/py/dynamo/conversion/test_converter_utils.py new file mode 100644 index 0000000000..b4f1ff2f93 --- /dev/null +++ b/tests/py/dynamo/conversion/test_converter_utils.py @@ -0,0 +1,41 @@ +import numpy as np +import torch +from torch.testing._internal.common_utils import TestCase, run_tests +from torch_tensorrt.dynamo.conversion.converter_utils import enforce_tensor_types +from torch_tensorrt.fx.types import TRTTensor + +from ..testing_utilities import DECIMALS_OF_AGREEMENT, lower_graph_testing + + +class TestTensorTypeEnforcement(TestCase): + def test_valid_type_no_promotion(self): + @enforce_tensor_types({0: (np.ndarray, torch.Tensor)}, promote=False) + def fake_converter(network, target, args, kwargs, name): + self.assertIsInstance(args[0], np.ndarray) + return + + fake_converter(None, None, (np.ones((4, 4)),), {}, "fake") + + def test_different_type_no_promotion(self): + @enforce_tensor_types({0: (TRTTensor,)}, promote=False) + def fake_converter(network, target, args, kwargs, name): + return + + with self.assertRaises(AssertionError): + fake_converter(None, None, (np.ones((4, 4)),), {}, "fake") + + def test_different_type_with_promotion(self): + @enforce_tensor_types({"sample": (np.ndarray,)}, promote=True) + def fake_converter(network, target, args, kwargs, name): + self.assertIsInstance(kwargs["sample"], np.ndarray) + return + + fake_converter(None, None, tuple(), {"sample": torch.ones((4, 4))}, "fake") + + def test_invalid_invocation_type(self): + with self.assertRaises(AssertionError): + enforce_tensor_types({0: (int, bool)}) + + +if __name__ == "__main__": + run_tests() From ab1d7d478ec338e3d05f8cd2e0aed549c743985b Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Fri, 29 Sep 2023 21:53:55 +0000 Subject: [PATCH 27/62] docs: [Automated] Regenerating documenation for 42e514b Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 6 +++--- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 229 insertions(+), 229 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index a01619db01..092bd132b4 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index 8fadf47881..bb6eb0d5e4 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index 0ed19d16cb..6db7c6d7f6 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index e08f7d236a..37c8685720 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index e3ee8f063f..2fa63430bb 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 81239e4b73..4a35d7a003 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Define STR — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 7b8daa1932..685e2121f2 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index d180c8785b..a80ec9ff33 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index 19feefaf16..b9b1ea175a 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 8ba71c8015..4ba95a20be 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 10629e3e48..ef3bbcc61a 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 5add9f8412..42675f2d70 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 47f1f951db..d38b384d66 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index b96ff46d7d..16f7e2d571 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index 25e64eef9d..91ca88741f 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Directory include — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index b7e2277616..f73fed7e9f 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 98e7403e6e..2f816987c3 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index f8286fa12f..30a03d7eea 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 46c8db6b9b..a745b673f3 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index 96c4cad7aa..0eacf47039 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 23123e9060..110828a8a6 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index d28e63f692..38970a43d1 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index fa5187126e..61af00867f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index 8e749fd32a..ba1f2e85ba 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index ada6c8e17e..8f78bcd85e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 8a22768255..e1239bfc66 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 3715a27851..10aba02acf 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index cd72019d75..690f9445fd 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 37b92e47b8..0909827131 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index 7fd2c89638..8c7c76da9b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index ed8c7a9123..d51cbb31fa 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 3a3015b644..e24bcf6586 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index d73fd74549..87b0f6d35f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index d921f5198d..adc122eb5e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 5446920c23..30fec5dd85 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index 60389a7435..e2b6cd4048 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 460302883a..3ded94bf71 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index ceb87c92cc..e97c064079 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 538e8337c7..ab505115ee 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index 00bbea9315..600464e919 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 01e3ee8f1b..f5607ae90c 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index 13b1c7d97d..ca00439be6 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 4e82ecbba0..d7042979a3 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 4587ec6d5e..5d11c1c723 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index 31f22395f7..0c6310f412 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 433edcaf57..1eb6b95003 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index c5a07de0e7..212e32ec4d 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index 03bca7e6cf..b849e28db6 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index e40cf539b2..ea363f2bca 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 8dba9490dd..1b27a035a8 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 038117fcc1..efdc9de952 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    @@ -393,7 +393,7 @@

    Class Hierarchy
  • diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index ded5514786..67f72e9763 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Full API — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 0bdb1f0321750830e5de6fc89fb0d5e0e2de1ffb..29c5c7341ec7e3e07cf2718dc8a488f819b6cb49 100644 GIT binary patch delta 58 zcmZpyZ>;AD@MdNaVE}=R>o)R8iZE?lw^?1pUlc@FXnq0lC+FFPf~cc*(I866J{|xV Cq7-)k delta 58 zcmZpyZ>;AD@MdNaVE};_%Qo^ziZH!cwpm@oUlc@FXnq0lC+FFPf~cc*(I866J{|xw CpcRn- diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 489231f42b7b297875835ade554f58740b691b7e..9732bddabefc659ec4cf04554bce248a50f16d2a 100644 GIT binary patch delta 58 zcmbQ}Ink3Rz?+#xgaHILuG`4-m5XWPy3Neo;yfT)Mm!TlPi|KZ0#Ub>BS4g?N(=x3 CR1BS4g?N(=xU CQWTH? diff --git a/docs/_modules/index.html b/docs/_modules/index.html index c6de915340..df0a3ace87 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index 8f9850df25..e6053a418e 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 6df62e75cb..93badc83ba 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 93aeeec991..9a242d1f18 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index ac8797d1f3..cead3dbb13 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 99651c94f5..6b963a68f3 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 149f39410c..d440a276d4 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 3a4b216bfe..7ae574eafe 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 3372ecd9c2..505b9db87e 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 6cc6297faf..60b95304f9 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index c0b329501e..28560ea873 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 3656cb6e05..2d761143bc 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 8f10aeb762..b0d149215b 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 18d61d8046..11654189f4 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+46cfa35', + VERSION: 'v2.2.0.dev0+42e514b', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index e6db444efa..5dc224ea03 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index be38dfbdbb..d5c7da5c3f 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index f0f03e41bb..1e227228a4 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 81570ad17f..8834c8227d 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 53532e412e..601df86aa4 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index e183509a91..aedcb0b451 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index bedbd86bb2..1d1b535259 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 6ed7ad29f1..2cf43b8150 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + System Overview — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 9004ae91ea..b6b83020f2 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 33b9a51200..36990e73d8 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index db3a603b11..eee30bf4ca 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/genindex.html b/docs/genindex.html index 9d11e0070a..8cfe9a3fe3 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Index — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index 24ae9d072e..a308eb3247 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index bb7c7c06c0..b69a333416 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index bcedbbe16c..925b18dacd 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 4a8b425418..f80216b158 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Installation — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/index.html b/docs/index.html index 188dd40711..65c21f5422 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 3f6fe89c6b..cf54d414ea 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/objects.inv b/docs/objects.inv index 0714dc8387980abb0b9b19b0b42a29c4922a07f5..c00b7155b6909b0b5a28cd1cbd1bff117fca9716 100644 GIT binary patch delta 19 bcmex*k@4$A#tHsxMyaNTCP^DZ7i0hcSoH`M delta 19 bcmex*k@4$A#tHsxX31%Z#- - Python Module Index — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 8fb5314720..93f7ac5a7f 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index d1871270fb..4cb4727373 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 8bd3f10e0f..300055ff00 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index b5a7167494..49bb4a474e 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index b2f2f852f3..9a2a539583 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+46cfa35.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+42e514b.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 4dbfc2b8ac..5b69ec5f22 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+42e514b documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 62ea32fb2a..df690f4eb6 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 6f03fbd82d..8c36e72722 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index 47909dd1d3..fc380ce670 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + <no title> — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 2a27383cb8..288d602f45 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Installation — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 9e186695c4..cb97cffe2b 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index a28c44a4de..7c199f65d5 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index ea35d07d32..ed5ce9c239 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 801d1810ca..08a890ece0 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index c7ab64d7b5..d8e48b6c49 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 0533ba47c2..9f299f294b 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 2fa9a46769..3cfe61260c 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index a14dbefbed..36b3e9e1a5 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index b4cf7948dd..7f7c70bfed 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index e424d89f7b..b53bb6cb68 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index d0a6ebca99..03ec7fa516 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index 1f7b9ec08f..dbfd6fe3a2 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 57916a6a3a..9b541fe676 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+46cfa35 documentation + DLA — Torch-TensorRT v2.2.0.dev0+42e514b documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+46cfa35 + v2.2.0.dev0+42e514b
    From 558ae7c7d40d78ccb2aef396fc826935b6a93138 Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Fri, 29 Sep 2023 16:03:39 -0700 Subject: [PATCH 28/62] fix: Issue in TS dimension-squeeze utility (#2336) --- core/util/trt_util.cpp | 2 +- tests/py/ts/models/test_models.py | 52 +++++++++++++++++++++++++++---- 2 files changed, 47 insertions(+), 7 deletions(-) diff --git a/core/util/trt_util.cpp b/core/util/trt_util.cpp index 77c88b465d..50b58a0bdb 100644 --- a/core/util/trt_util.cpp +++ b/core/util/trt_util.cpp @@ -216,7 +216,7 @@ nvinfer1::Dims squeezeDims(const nvinfer1::Dims& d, int pos, bool use_zeros, boo // Replace all instances of -1, indicating dynamic dimension // with 0, indicating copy the dimension from another tensor // (Generally used for reshape operations) - if (use_zeros && d.d[i] == -1) { + if (use_zeros && d.d[i] == -1 && i < pos) { dims.d[j] = 0; // If zeros already exist in the dimensions (empty tensor), // Replace all instances of 0, indicating empty dimension diff --git a/tests/py/ts/models/test_models.py b/tests/py/ts/models/test_models.py index 3e042fc763..5678e8f648 100644 --- a/tests/py/ts/models/test_models.py +++ b/tests/py/ts/models/test_models.py @@ -1,12 +1,13 @@ +import copy import unittest -import torch_tensorrt as torchtrt +from typing import Dict + +import custom_models as cm +import timm import torch +import torch_tensorrt as torchtrt import torchvision.models as models -import copy -import timm -import custom_models as cm -from typing import Dict -from utils import cosine_similarity, COSINE_THRESHOLD +from utils import COSINE_THRESHOLD, cosine_similarity class TestModels(unittest.TestCase): @@ -152,6 +153,45 @@ def test_resnet18_half(self): msg=f"Resnet50 Half TRT outputs don't match with the original model. Cosine sim score: {cos_sim} Threshold: {COSINE_THRESHOLD}", ) + def test_aten_unbind_dynamic(self): + class ATenUnbindDynamic(torch.nn.Module): + def __init__(self) -> None: + super().__init__() + + def forward(self, x): + x1, x2, x3 = x.unbind(1) + y = torch.cat([x1, x2, x3], dim=0) + return y + + self.model = ATenUnbindDynamic().eval().to("cuda") + self.input = torch.randn((5, 3, 7, 64)).to("cuda") + self.scripted_model = torch.jit.script(self.model) + + compile_spec = { + "inputs": [ + torchtrt.Input( + min_shape=[1, 3, 1, 64], + opt_shape=[5, 3, 32, 64], + max_shape=[10, 3, 64, 64], + dtype=torch.float, + format=torch.contiguous_format, + ) + ], + "device": { + "device_type": torchtrt.DeviceType.GPU, + "gpu_id": 0, + }, + "enabled_precisions": {torch.float}, + "ir": "ts", + } + + trt_mod = torchtrt.compile(self.scripted_model, **compile_spec) + cos_sim = cosine_similarity(self.model(self.input), trt_mod(self.input)) + self.assertTrue( + cos_sim > COSINE_THRESHOLD, + msg=f"ATen Unbind Dynamic TRT outputs don't match with the original model. Cosine sim score: {cos_sim} Threshold: {COSINE_THRESHOLD}", + ) + if __name__ == "__main__": unittest.main() From ef07beaf93b538cc1efccce36ce206ebe63c7111 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Fri, 29 Sep 2023 23:20:32 +0000 Subject: [PATCH 29/62] docs: [Automated] Regenerating documenation for 558ae7c Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 6 +++--- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 117 files changed, 229 insertions(+), 229 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 092bd132b4..5b208832f4 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index bb6eb0d5e4..1615a70c5c 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index 6db7c6d7f6..b56c680609 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 37c8685720..8f2c6e3f66 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 2fa63430bb..978962b216 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 4a35d7a003..d38c57ce3b 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Define STR — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 685e2121f2..e5c1c4fe9d 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index a80ec9ff33..81a10b8961 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index b9b1ea175a..d94708b0fa 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 4ba95a20be..782bcb01fa 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index ef3bbcc61a..04f5e821f1 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 42675f2d70..42ef0a3fec 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index d38b384d66..1c08ad3f59 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 16f7e2d571..cef6ca95d9 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index 91ca88741f..f1dcfdcd78 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Directory include — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index f73fed7e9f..375dd254bb 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 2f816987c3..d933436338 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index 30a03d7eea..c21e4b848a 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index a745b673f3..a06eebddbd 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index 0eacf47039..24699519e6 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 110828a8a6..a265a0f068 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 38970a43d1..68ecfe9776 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index 61af00867f..b78a58d562 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index ba1f2e85ba..2156a86b86 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 8f78bcd85e..4b1f005aec 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index e1239bfc66..dd56224320 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 10aba02acf..599d59d5a4 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 690f9445fd..7d1f048468 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 0909827131..b654163b2a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index 8c7c76da9b..fed5dfafc5 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index d51cbb31fa..6d68ab04e6 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index e24bcf6586..394aa4b82c 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index 87b0f6d35f..bc162b8d1a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index adc122eb5e..61703aef6a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 30fec5dd85..7837224e7d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index e2b6cd4048..9fa547e958 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 3ded94bf71..b37f9987df 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index e97c064079..8721015b5c 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index ab505115ee..b0e2f552c9 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index 600464e919..57ec662b27 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index f5607ae90c..c17c7d7096 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index ca00439be6..f8f832ed3c 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index d7042979a3..1298cad46c 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 5d11c1c723..116daa2c92 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index 0c6310f412..ac222fdf89 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 1eb6b95003..c35ca2938b 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 212e32ec4d..ba3f2a598a 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index b849e28db6..c3b6ebe186 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index ea363f2bca..d6b98e0d39 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 1b27a035a8..6eae971533 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index efdc9de952..10771abe7f 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    @@ -393,7 +393,7 @@

    Class Hierarchy
  • diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 67f72e9763..2ffddcd6fd 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Full API — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 29c5c7341ec7e3e07cf2718dc8a488f819b6cb49..d637aaeb9af95b387a20705232dbcc6cea228ebf 100644 GIT binary patch delta 58 zcmZpyZ>;AD@MdNaVE}=)T^o5MMVQ)lZB`fY7X{H3nqNTt$$566AnK@HG>B5Nj|Tt- CtP{Ne delta 58 zcmZpyZ>;AD@MdNaVE}=R>o)R8iZE?lw^?1pUlc@FXnq0lC+FFPf~cc*(I866J{|xV Cq7-)k diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 9732bddabefc659ec4cf04554bce248a50f16d2a..783c8069d4280f208d113f910e7351f558ce1423 100644 GIT binary patch delta 58 zcmbQ}Ink3Rz?+#xgaHKFc5USO%Ei>SYcn&qI1h-H5zhqCliQVpK-6vJ2oPne5(5D6 CPZGQU delta 58 zcmbQ}Ink3Rz?+#xgaHILuG`4-m5XWPy3Neo;yfT)Mm!TlPi|KZ0#Ub>BS4g?N(=x3 CR1 - Overview: module code — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index e6053a418e..a537da2681 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 93badc83ba..4c959aada9 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 9a242d1f18..3d4a938ac4 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index cead3dbb13..759b3255b5 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 6b963a68f3..9f372f14f0 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index d440a276d4..30c9efadce 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 7ae574eafe..cacda91464 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 505b9db87e..855aebec0d 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 60b95304f9..5914679eff 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 28560ea873..1d3cd33d64 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 2d761143bc..f4dc7df41a 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index b0d149215b..7efa031ae7 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 11654189f4..5c9f216de7 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+42e514b', + VERSION: 'v2.2.0.dev0+558ae7c', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 5dc224ea03..4623185030 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index d5c7da5c3f..5d4a4ce29c 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 1e227228a4..bc56aec2e3 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 8834c8227d..e8f37f3c01 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 601df86aa4..c79224e18f 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index aedcb0b451..f81ffaca84 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index 1d1b535259..d039a170f3 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 2cf43b8150..74acdd3443 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+42e514b documentation + System Overview — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index b6b83020f2..28ace6ba1c 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 36990e73d8..a9815db0be 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index eee30bf4ca..f1caf20473 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/genindex.html b/docs/genindex.html index 8cfe9a3fe3..6e20477358 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Index — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index a308eb3247..20b7c26281 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index b69a333416..cdb5bc7f1f 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 925b18dacd..e7d48aa111 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index f80216b158..ade833bb21 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Installation — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/index.html b/docs/index.html index 65c21f5422..194b90eddf 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index cf54d414ea..0647da8cdc 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/objects.inv b/docs/objects.inv index c00b7155b6909b0b5a28cd1cbd1bff117fca9716..d42fb67f09280f008e931357b3e2e0e0b34c0fdc 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAxrluB&spiQWLl - Python Module Index — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 93f7ac5a7f..9dffb1120d 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index 4cb4727373..393398d8fc 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 300055ff00..5f53564baf 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index 49bb4a474e..b260d6e4c8 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 9a2a539583..fbecf7859b 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+42e514b documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+42e514b.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+558ae7c.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 5b69ec5f22..3e7a95198a 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+42e514b documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+558ae7c documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index df690f4eb6..6d893b060c 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+42e514b documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 8c36e72722..9cea41512b 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+42e514b documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index fc380ce670..c58e8aa4d3 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+42e514b documentation + <no title> — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 288d602f45..63f2e0620b 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Installation — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index cb97cffe2b..4cd7f22229 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 7c199f65d5..7f158b1d94 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index ed5ce9c239..eb31947bf9 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 08a890ece0..17098b4054 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index d8e48b6c49..03fc190f48 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 9f299f294b..21a8f52c12 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 3cfe61260c..9be30d7a3d 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 36b3e9e1a5..69f6d9778c 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 7f7c70bfed..f98daa22b7 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index b53bb6cb68..1588de0b1f 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 03ec7fa516..ee52198e3d 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index dbfd6fe3a2..522fe4ad8e 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+42e514b documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 9b541fe676..7c08dfe981 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+42e514b documentation + DLA — Torch-TensorRT v2.2.0.dev0+558ae7c documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+42e514b + v2.2.0.dev0+558ae7c
    From 8ebf24db84a8ae3fd281eed50baf7e3f443b9d36 Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Fri, 29 Sep 2023 16:39:04 -0700 Subject: [PATCH 30/62] perf: Add lowering passes to improve TRT runtime on SD (#2351) --- .../writing_dynamo_aten_lowering_passes.rst | 10 +- py/torch_tensorrt/dynamo/aten_tracer.py | 2 +- py/torch_tensorrt/dynamo/backend/backends.py | 2 +- .../dynamo/conversion/aten_ops_converters.py | 15 ++ .../dynamo/conversion/impl/__init__.py | 1 + .../dynamo/conversion/impl/attention.py | 50 +++++ .../dynamo/lowering/_decomposition_groups.py | 3 + .../dynamo/lowering/_decompositions.py | 55 +++++- .../lowering/passes/_aten_lowering_pass.py | 20 +- .../lowering/passes/constant_folding.py | 5 +- .../lowering/passes/fuse_prims_broadcast.py | 82 ++++++++ .../passes/lower_efficient_attention.py | 74 ++++++++ .../dynamo/lowering/passes/pass_manager.py | 28 ++- .../remove_input_alias_fixing_clones.py | 5 +- .../lowering/passes/repair_input_as_output.py | 5 +- .../lowering/test_aten_lowering_passes.py | 176 ++++++++++++++++++ .../py/dynamo/lowering/test_decompositions.py | 68 +++++++ tests/py/dynamo/testing_utilities.py | 2 +- 18 files changed, 575 insertions(+), 28 deletions(-) create mode 100644 py/torch_tensorrt/dynamo/conversion/impl/attention.py create mode 100644 py/torch_tensorrt/dynamo/lowering/passes/fuse_prims_broadcast.py create mode 100644 py/torch_tensorrt/dynamo/lowering/passes/lower_efficient_attention.py diff --git a/docsrc/contributors/writing_dynamo_aten_lowering_passes.rst b/docsrc/contributors/writing_dynamo_aten_lowering_passes.rst index d64f81d4aa..4c29bc9b75 100644 --- a/docsrc/contributors/writing_dynamo_aten_lowering_passes.rst +++ b/docsrc/contributors/writing_dynamo_aten_lowering_passes.rst @@ -12,7 +12,7 @@ Lowering Pass Requirements ------------ An ATen lowering pass function in Torch-TRT must satisfy two requirements: -- The function must take as input a single `torch.fx.GraphModule` and return the lowered `torch.fx.GraphModule` +- The function must take as input a `torch.fx.GraphModule` and a sequence of torch Tensors, `Sequence[torch.Tensor]`, and return the lowered `torch.fx.GraphModule` - The function must leave the graph in a valid and invoke-able state, including performing any necessary linting and recompilation See this link for information on `Graph Manipulations `_ in FX. See below for an example of a lowering pass which repairs graphs that have inputs which are also outputs, a disallowed configuration for TRT Engines. @@ -22,7 +22,7 @@ Example Lowering Pass .. code-block:: python - def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + def repair_input_as_output(gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor]) -> torch.fx.GraphModule: """Repair scenarios where inputs are also outputs of the graph TRT does not allow such cases, so we insert a clone (identity) layer @@ -82,7 +82,7 @@ For instance, to insert the pass at the default location (end of the list), the .. code-block:: python @_aten_lowering_pass - def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + def my_custom_pass(gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor]) -> torch.fx.GraphModule: ... Alternatively, to insert the pass at a custom index (such as the front of the list) in the passlist, the following code can be used: @@ -90,7 +90,7 @@ Alternatively, to insert the pass at a custom index (such as the front of the li .. code-block:: python @_aten_lowering_pass(index=0) - def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + def my_custom_pass(gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor]) -> torch.fx.GraphModule: ... There are also provided utilities in `torch_tensorrt.dynamo.lowering.passes` for displaying the currently-available lowering pass list, applying those passes to an arbitrary `torch.fx.GraphModule`, and removing the lowering pass at a specific index. @@ -101,7 +101,7 @@ There are also provided utilities in `torch_tensorrt.dynamo.lowering.passes` for print(dump_lowering_passes()) # Apply lowering passes to a GraphModule - apply_lowering_passes(graph_module) + apply_lowering_passes(graph_module, sample_inputs) # Remove the lowering pass at index 1 _remove_lowering_pass(index=1) diff --git a/py/torch_tensorrt/dynamo/aten_tracer.py b/py/torch_tensorrt/dynamo/aten_tracer.py index b271d0d6fb..be2f2efd9c 100644 --- a/py/torch_tensorrt/dynamo/aten_tracer.py +++ b/py/torch_tensorrt/dynamo/aten_tracer.py @@ -28,6 +28,6 @@ def trace( "torch._export.DECOMP_TABLE", get_decompositions(experimental_decompositions) ): graph_module = export(model, tuple(inputs)).module() - graph_module = apply_lowering_passes(graph_module) + graph_module = apply_lowering_passes(graph_module, inputs) logger.debug("Post export graph: " + str(graph_module.graph)) return graph_module diff --git a/py/torch_tensorrt/dynamo/backend/backends.py b/py/torch_tensorrt/dynamo/backend/backends.py index f8508d752e..7b98079564 100644 --- a/py/torch_tensorrt/dynamo/backend/backends.py +++ b/py/torch_tensorrt/dynamo/backend/backends.py @@ -87,7 +87,7 @@ def _pretraced_backend( logger.debug("Post-AOT Autograd graph:\n" + str(gm.graph)) - gm = apply_lowering_passes(gm) + gm = apply_lowering_passes(gm, sample_inputs) trt_compiled = compile_module( gm, diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index d844fe1995..f6567488e3 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -1517,3 +1517,18 @@ def aten_ops_max_pool( dilation=args_bounds_check(args, 4, replacement=1), ceil_mode=args_bounds_check(args, 5, replacement=False), ) + + +@dynamo_tensorrt_converter( + torch.nn.functional.scaled_dot_product_attention, +) # type: ignore[misc] +def tensorrt_scaled_dot_product_attention( + ctx: ConversionContext, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.attention.scaled_dot_product_attention( + ctx, target, SourceIR.ATEN, name, args[0], args[1], args[2] + ) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py index b247bd2cf9..3f49377619 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py @@ -2,6 +2,7 @@ from . import ( activation, + attention, cast, condition, conv, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/attention.py b/py/torch_tensorrt/dynamo/conversion/impl/attention.py new file mode 100644 index 0000000000..6221357ca2 --- /dev/null +++ b/py/torch_tensorrt/dynamo/conversion/impl/attention.py @@ -0,0 +1,50 @@ +import math +from typing import Optional, Union + +import tensorrt as trt +from torch.fx.node import Target +from torch_tensorrt.dynamo.conversion import impl +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.dynamo.conversion.converter_utils import SourceIR +from torch_tensorrt.fx.types import TRTTensor + + +def scaled_dot_product_attention( + ctx: ConversionContext, + target: Union[Target, str], + source_ir: Optional[SourceIR], + name: str, + query: TRTTensor, + key: TRTTensor, + value: TRTTensor, +) -> TRTTensor: + mm = impl.matmul.matrix_multiply( + ctx, + target, + source_ir, + name + "_mm", + query, + key, + other_matrix_op=trt.MatrixOperation.TRANSPOSE, + ) + div = impl.elementwise.div( + ctx, + target, + source_ir, + name + "_scale", + mm, + math.sqrt(query.shape[-1]), + ) + softmax = impl.normalization.softmax( + ctx, target, source_ir, name + "_softmax", div, -1 + ) + out = impl.matmul.matrix_multiply( + ctx, + target, + source_ir, + name + "_out", + softmax, + value, + ) + + return out diff --git a/py/torch_tensorrt/dynamo/lowering/_decomposition_groups.py b/py/torch_tensorrt/dynamo/lowering/_decomposition_groups.py index 8a5df8988e..f1cfaae348 100644 --- a/py/torch_tensorrt/dynamo/lowering/_decomposition_groups.py +++ b/py/torch_tensorrt/dynamo/lowering/_decomposition_groups.py @@ -149,6 +149,7 @@ aten.special_log_ndtr, aten.special_xlog1py, aten.stack, + aten.std, aten.t, aten.tanh_backward, aten.threshold, @@ -163,6 +164,8 @@ aten.upsample_bilinear2d, aten.upsample_bilinear2d.vec, aten.upsample_nearest2d_backward, + aten.var, + aten.var_mean, aten.xlogy, aten.zero, aten.zero_, diff --git a/py/torch_tensorrt/dynamo/lowering/_decompositions.py b/py/torch_tensorrt/dynamo/lowering/_decompositions.py index 57e1954575..158523a7e1 100644 --- a/py/torch_tensorrt/dynamo/lowering/_decompositions.py +++ b/py/torch_tensorrt/dynamo/lowering/_decompositions.py @@ -1,5 +1,5 @@ import logging -from typing import Any, Callable, Dict, Optional +from typing import Any, Callable, Dict, List, Optional import torch from torch._decomp import register_decomposition @@ -83,11 +83,6 @@ def inplace_op(*args, **kwargs): # type: ignore replace_inplace_op(aten.scatter_reduce_, aten.scatter_reduce) -@register_torch_trt_decomposition(aten.std, registry=TORCH_TRT_DECOMPOSITIONS) -def std_replacement(*args, **kwargs) -> torch.Tensor: # type: ignore - return torch.sqrt(torch.var(*args, **kwargs)) - - @register_torch_trt_decomposition(aten.rsqrt, registry=TORCH_TRT_DECOMPOSITIONS) def rsqrt_replacement(*args, **kwargs) -> torch.Tensor: # type: ignore return torch.reciprocal(torch.sqrt(*args, **kwargs)) @@ -135,6 +130,54 @@ def reciprocal_replacement( return torch.div(1, input_) +@register_torch_trt_decomposition( + torch.ops.prims.var.default, registry=TORCH_TRT_DECOMPOSITIONS +) +def var_decomposition( + input_tensor: torch.Tensor, + dims: Optional[List[int]], + correction: int, + output_dtype: Optional[torch.dtype] = None, +) -> torch.Tensor: + if dims is None: + dims = [] + + # If the dimensions are empty, variance is taken over all dimensions + if isinstance(dims, (tuple, list)) and len(dims) == 0: + N = input_tensor.numel() + # Otherwise, the number of samples is the product of the dimensions reduced over + else: + N = 1 + for dim_i in dims: + N *= input_tensor.shape[dim_i] + + # Compute the mean, difference, and correction term as per the formula: + # https://pytorch.org/docs/stable/generated/torch.var.html + + # Additionally, prims does not support keepdim, and so we only keep dimensions + # on the first reduction, then remove it for the second + sample_mean = torch.mean(input_tensor, dims, keepdim=True) + diff = input_tensor - sample_mean + squared_diff = diff * diff + variance_unnormalized = torch.sum(squared_diff, dims, keepdim=False) + + if correction is None: + correction_term = float(N - 1) + elif isinstance(correction, int): + correction_term = float(N - correction) + elif isinstance(correction, float): + correction_term = float(N) - correction + else: + raise RuntimeError("correction must be int or float") + + if correction_term <= 0: + raise RuntimeError(f"correction term was non-positive, got: {correction_term}") + + variance = variance_unnormalized / correction_term + + return variance + + def get_decompositions( enable_experimental_decompositions: bool = False, ) -> Dict[OpOverload, Callable[[Any], Any]]: diff --git a/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py b/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py index 43d70a4cac..ffbe1c7f44 100644 --- a/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py +++ b/py/torch_tensorrt/dynamo/lowering/passes/_aten_lowering_pass.py @@ -1,9 +1,11 @@ import logging -from typing import Callable, Optional +from typing import Callable, Optional, Sequence, Union import torch from .constant_folding import constant_fold +from .fuse_prims_broadcast import fuse_prims_broadcast +from .lower_efficient_attention import lower_efficient_attention from .pass_manager import DynamoPassManager from .remove_input_alias_fixing_clones import remove_input_alias_fixing_clones from .repair_input_as_output import repair_input_as_output @@ -13,19 +15,25 @@ remove_input_alias_fixing_clones, constant_fold, repair_input_as_output, + lower_efficient_attention, + fuse_prims_broadcast, ] ) logger = logging.getLogger(__name__) -LoweringPassSignature = Callable[[torch.fx.GraphModule], torch.fx.GraphModule] +LoweringPassSignature = Callable[ + [torch.fx.GraphModule, Sequence[torch.Tensor]], torch.fx.GraphModule +] def _aten_lowering_pass( *args: LoweringPassSignature, index: Optional[int] = None, -) -> LoweringPassSignature: +) -> Union[ + LoweringPassSignature, Callable[[LoweringPassSignature], LoweringPassSignature] +]: """Adds a lowering pass to the registry, at a specified index if desired If no index is specified, the lowering pass is inserted at the end of the list @@ -65,12 +73,14 @@ def _remove_lowering_pass(*, index: int) -> None: return -def apply_lowering_passes(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: +def apply_lowering_passes( + gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor] +) -> torch.fx.GraphModule: """Applies the lowering passes to a graph module, returns the modified GraphModule""" logging.debug( f"Invoking DynamoPassManager and applying lowering passes: {ATEN_LOWERING_PASSES}" ) - return ATEN_LOWERING_PASSES(gm) + return ATEN_LOWERING_PASSES(gm, sample_inputs) def dump_lowering_passes() -> str: diff --git a/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py b/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py index ea2547f6bf..94398b7c6b 100644 --- a/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py +++ b/py/torch_tensorrt/dynamo/lowering/passes/constant_folding.py @@ -1,4 +1,5 @@ import logging +from typing import Sequence import torch from torch_tensorrt._utils import sanitized_torch_version @@ -21,7 +22,9 @@ @torch.utils._python_dispatch._disable_current_modes() # type: ignore -def constant_fold(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: +def constant_fold( + gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor] +) -> torch.fx.GraphModule: """Adapted from: https://github.com/pytorch/pytorch/blob/3a79621c9dce17f77fbddc06aab21f6bc477f313/torch/_inductor/freezing.py#L178-L197 diff --git a/py/torch_tensorrt/dynamo/lowering/passes/fuse_prims_broadcast.py b/py/torch_tensorrt/dynamo/lowering/passes/fuse_prims_broadcast.py new file mode 100644 index 0000000000..312926e870 --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/passes/fuse_prims_broadcast.py @@ -0,0 +1,82 @@ +import logging +from typing import Sequence + +import torch +from torch.fx.passes.shape_prop import ShapeProp +from torch_tensorrt.dynamo.lowering.passes.pass_utils import ( + clean_up_graph_after_modifications, +) + +logger = logging.getLogger(__name__) + + +# TODO: Add relevant prims to this fusion +def fuse_prims_broadcast( + gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor] +) -> torch.fx.GraphModule: + """Fuses prim nodes which are effectively the ATen equivalents with keep_dim=True""" + modified_graph = False + + # Propagate shapes through the graph to determine if broadcast can be resolved + try: + ShapeProp(gm).propagate(*sample_inputs) + except (RuntimeError, AssertionError): + logger.warning( + "Shape Propagation Failed on Graph, skipping fuse_prims_broadcast lowering pass", + exc_info=True, + ) + return gm + + for node in gm.graph.nodes: + # If the node is a sum prims operator, with broadcast_in_dim being the only consumer + # it is a candidate for fusing + if ( + node.target in (torch.ops.prims.sum.default,) + and len(node.users) == 1 + and list(node.users)[0].target == torch.ops.prims.broadcast_in_dim.default + ): + # Get broadcasted shape, reduced dimensions, and original tensor shape + broadcast_node = list(node.users)[0] + broadcasted_shape = broadcast_node.args[1] + reduced_dims = node.args[1] + original_shape = node.args[0].meta["tensor_meta"].shape + + # If the rank of the broadcasted shape is the same as the original + # and the broadcasts are all singletons for the reduced dimensions + # and all of the non-reduced dimensions are identical to the originals + + # Then the broadcast is effectively performing a "keep_dim=True" operation + if ( + len(broadcasted_shape) == len(original_shape) + and all(broadcasted_shape[i] == 1 for i in reduced_dims) + and all( + broadcasted_shape[j] == original_shape[j] + for j in range(len(original_shape)) + if j not in reduced_dims + ) + ): + # Fuse the operator to its convertible alternative + with gm.graph.inserting_after(broadcast_node): + modified_graph = True + + if node.target == torch.ops.prims.sum.default: + fused_node = gm.graph.call_function( + torch.ops.aten.sum.dim_IntList, + args=(node.args[0], reduced_dims, True), + ) + + # Replace all uses of the placeholder except the cloned node + # with the cloned placeholder + broadcast_node.replace_all_uses_with( + fused_node, + ) + + # Erase uses of the broadcast node and original + gm.graph.erase_node(broadcast_node) + gm.graph.erase_node(node) + + if modified_graph: + gm = clean_up_graph_after_modifications(gm) + logger.debug(f"Graph after fusing prims-broadcast paradigm:\n{gm.graph}") + + return gm diff --git a/py/torch_tensorrt/dynamo/lowering/passes/lower_efficient_attention.py b/py/torch_tensorrt/dynamo/lowering/passes/lower_efficient_attention.py new file mode 100644 index 0000000000..944b0788b0 --- /dev/null +++ b/py/torch_tensorrt/dynamo/lowering/passes/lower_efficient_attention.py @@ -0,0 +1,74 @@ +import logging +import operator +from typing import Callable, Sequence, Tuple + +import torch +from torch_tensorrt.dynamo.lowering.passes.pass_utils import ( + clean_up_graph_after_modifications, + get_tensor_placeholders, +) + +logger = logging.getLogger(__name__) + + +def lower_efficient_attention( + gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor] +) -> torch.fx.GraphModule: + """Replace a specific version of scaled_dot_product_attention with an equivalent + implementation which can be easily converted to TRT + """ + orig, replacement = efficient_attention_replacement() + + if torch.fx.subgraph_rewriter.replace_pattern(gm, orig, replacement): + gm = clean_up_graph_after_modifications(gm) + logger.debug( + f"Graph after lowering _scaled_dot_product_efficient_attention:\n{gm.graph}" + ) + + return gm + + +def efficient_attention_replacement() -> ( + Tuple[ + torch.fx.GraphModule, + Callable[[torch.Tensor, torch.Tensor, torch.Tensor], torch.Tensor], + ] +): + """Constructs the original and replacement functions for efficient attention""" + + # Empty boilerplate function taking in three Tensors and returning one + def boilerplate( + query: torch.Tensor, key: torch.Tensor, value: torch.Tensor + ) -> torch.Tensor: + ... + + # Trace boilerplate function and extract placeholder and output nodes + orig = torch.fx.symbolic_trace(boilerplate) + q, k, v = get_tensor_placeholders(orig) + output = [node for node in orig.graph.nodes if node.op == "output"][0] + + # Graph types to replace are those which use the _scaled_dot_product_efficient_attention + # function and extract only the first element + with orig.graph.inserting_before(output): + att = orig.graph.call_function( + torch.ops.aten._scaled_dot_product_efficient_attention.default, + args=(q, k, v, None, False), + ) + out = orig.graph.call_function( + operator.getitem, + args=(att, 0), + ) + + # Assign the output of the graph to be the single getitem output + output.args = (out,) + + orig.graph.lint() + orig.recompile() + + # Replacement graph consists of the functional version of scaled_dot_product_attention + def replacement( + query: torch.Tensor, key: torch.Tensor, value: torch.Tensor + ) -> torch.Tensor: + return torch.nn.functional.scaled_dot_product_attention(query, key, value) + + return orig, replacement diff --git a/py/torch_tensorrt/dynamo/lowering/passes/pass_manager.py b/py/torch_tensorrt/dynamo/lowering/passes/pass_manager.py index 51e2584364..64e03147a2 100644 --- a/py/torch_tensorrt/dynamo/lowering/passes/pass_manager.py +++ b/py/torch_tensorrt/dynamo/lowering/passes/pass_manager.py @@ -1,4 +1,4 @@ -from typing import Any, Callable, List, Optional +from typing import Any, Callable, List, Optional, Sequence import torch from torch.fx.passes.pass_manager import PassManager @@ -8,7 +8,11 @@ class DynamoPassManager(PassManager): # type: ignore[misc] def __init__( self, passes: Optional[ - List[Callable[[torch.fx.GraphModule], torch.fx.GraphModule]] + List[ + Callable[ + [torch.fx.GraphModule, Sequence[torch.Tensor]], torch.fx.GraphModule + ] + ] ] = None, ): super().__init__(passes) @@ -16,14 +20,22 @@ def __init__( @classmethod def build_from_passlist( cls, - passes: Optional[List[Callable[[torch.fx.GraphModule], torch.fx.GraphModule]]], + passes: Optional[ + List[ + Callable[ + [torch.fx.GraphModule, Sequence[torch.Tensor]], torch.fx.GraphModule + ] + ] + ], ) -> Any: pm = DynamoPassManager(passes) return pm def add_pass_with_index( self, - lowering_pass: Callable[[torch.fx.GraphModule], torch.fx.GraphModule], + lowering_pass: Callable[ + [torch.fx.GraphModule, Sequence[torch.Tensor]], torch.fx.GraphModule + ], index: Optional[int] = None, ) -> None: if index is None: @@ -35,8 +47,12 @@ def add_pass_with_index( def remove_pass_with_index(self, index: int) -> None: del self.passes[index] - def __call__(self, source: Any) -> Any: - return super().__call__(source) + def __call__(self, gm: Any, sample_inputs: Any) -> Any: + self.validate() + out, example_inputs = gm, sample_inputs + for _pass in self.passes: + out = _pass(out, example_inputs) + return out def __str__(self) -> str: return str(self.passes) diff --git a/py/torch_tensorrt/dynamo/lowering/passes/remove_input_alias_fixing_clones.py b/py/torch_tensorrt/dynamo/lowering/passes/remove_input_alias_fixing_clones.py index dce88ad109..7630f3c1a5 100644 --- a/py/torch_tensorrt/dynamo/lowering/passes/remove_input_alias_fixing_clones.py +++ b/py/torch_tensorrt/dynamo/lowering/passes/remove_input_alias_fixing_clones.py @@ -1,4 +1,5 @@ import logging +from typing import Sequence import torch from torch_tensorrt.dynamo.lowering.passes.pass_utils import ( @@ -9,7 +10,9 @@ # TODO: Delete this lowering pass once aot_export_joint_simple is patched -def remove_input_alias_fixing_clones(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: +def remove_input_alias_fixing_clones( + gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor] +) -> torch.fx.GraphModule: """Remove the auxiliary clone nodes inserted to fix input aliasing See: https://github.com/pytorch/pytorch/issues/108079 diff --git a/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py b/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py index ec2f5b0ae0..b97b95e686 100644 --- a/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py +++ b/py/torch_tensorrt/dynamo/lowering/passes/repair_input_as_output.py @@ -1,4 +1,5 @@ import logging +from typing import Sequence import torch from torch_tensorrt.dynamo.lowering.passes.pass_utils import ( @@ -9,7 +10,9 @@ logger = logging.getLogger(__name__) -def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: +def repair_input_as_output( + gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor] +) -> torch.fx.GraphModule: """Repair scenarios where inputs are also outputs of the graph TRT does not allow such cases, so we insert a clone (identity) layer diff --git a/tests/py/dynamo/lowering/test_aten_lowering_passes.py b/tests/py/dynamo/lowering/test_aten_lowering_passes.py index a63c5e3439..1bbb54192c 100644 --- a/tests/py/dynamo/lowering/test_aten_lowering_passes.py +++ b/tests/py/dynamo/lowering/test_aten_lowering_passes.py @@ -91,5 +91,181 @@ def identity_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: self.assertNotIn(identity_pass, ATEN_LOWERING_PASSES.passes) +class TestPrimBroadcastFusion(TestCase): + def test_broadcast_fusion(self): + class BroadcastFusion(torch.nn.Module): + def forward(self, x): + return torch.var_mean(x, keepdim=True)[1] + + inputs = [ + torch.rand( + 5, + 7, + ).cuda(), + ] + + fx_graph = torch.fx.symbolic_trace(BroadcastFusion()) + expected_ops = {torch.ops.aten.sum.dim_IntList} + unexpected_ops = {torch.ops.aten.var.default, torch.ops.prims.var.default} + + unexpected_ops_seen, expected_ops_unseen = lower_graph_testing( + fx_graph, + inputs, + expected_ops=expected_ops, + unexpected_ops=unexpected_ops, + min_block_size=1, + ) + + self.assertEquals( + len(unexpected_ops_seen), + 0, + f"The following unexpected ops were encountered: {unexpected_ops_seen}", + ) + + self.assertEquals( + len(expected_ops_unseen), + 0, + f"The following expected ops were not encountered: {expected_ops_unseen}", + ) + torch._dynamo.reset() + + # Validate that the results between Torch and Torch-TRT are similar + optimized_model = torch_tensorrt.compile( + fx_graph, + "torch_compile", + inputs, + min_block_size=1, + pass_through_build_failures=True, + ) + optimized_model_results = torch.cat( + [tensor.detach().cpu() for tensor in optimized_model(*inputs)] + ) + torch_model_results = torch.cat( + [tensor.detach().cpu() for tensor in fx_graph(*inputs)] + ) + + max_diff = float( + torch.max(torch.abs(optimized_model_results - torch_model_results)) + ) + self.assertAlmostEqual( + max_diff, + 0, + DECIMALS_OF_AGREEMENT, + msg=f"BroadcastFusion TRT outputs don't match with the original model.", + ) + torch._dynamo.reset() + + +class TestLowerEfficientAttention(TestCase): + def test_lower_efficient_attention(self): + class EfficientAttention(torch.nn.Module): + def forward(self, q, k, v): + attn = torch.ops.aten._scaled_dot_product_efficient_attention.default( + q, k, v, None, False + ) + return attn[0] + + inputs = [ + torch.rand(8, 4, 5, 4).cuda(), + torch.rand(8, 4, 2, 4).cuda(), + torch.rand(8, 4, 2, 4).cuda(), + ] + + fx_graph = torch.fx.symbolic_trace(EfficientAttention()) + expected_ops = {torch.nn.functional.scaled_dot_product_attention} + unexpected_ops = { + torch.ops.aten._scaled_dot_product_efficient_attention.default + } + + unexpected_ops_seen, expected_ops_unseen = lower_graph_testing( + fx_graph, + inputs, + expected_ops=expected_ops, + unexpected_ops=unexpected_ops, + min_block_size=1, + ) + + self.assertEquals( + len(unexpected_ops_seen), + 0, + f"The following unexpected ops were encountered: {unexpected_ops_seen}", + ) + + self.assertEquals( + len(expected_ops_unseen), + 0, + f"The following expected ops were not encountered: {expected_ops_unseen}", + ) + torch._dynamo.reset() + + # Validate that the results between Torch and Torch-TRT are similar + optimized_model = torch_tensorrt.compile( + fx_graph, + "torch_compile", + inputs, + min_block_size=1, + pass_through_build_failures=True, + ) + optimized_model_results = torch.cat( + [tensor.detach().cpu() for tensor in optimized_model(*inputs)] + ) + torch_model_results = torch.cat( + [tensor.detach().cpu() for tensor in fx_graph(*inputs)] + ) + + max_diff = float( + torch.max(torch.abs(optimized_model_results - torch_model_results)) + ) + self.assertAlmostEqual( + max_diff, + 0, + DECIMALS_OF_AGREEMENT, + msg=f"EfficientAttention TRT outputs don't match with the original model.", + ) + torch._dynamo.reset() + + def test_efficient_attention_converter(self): + class EfficientAttention(torch.nn.Module): + def forward(self, q, k, v): + attn = torch.ops.aten._scaled_dot_product_efficient_attention.default( + q, k, v, None, False + ) + return attn[0] + + inputs = [ + torch.rand(1, 3, 6, 4).cuda(), + torch.rand(1, 3, 2, 4).cuda(), + torch.rand(1, 3, 2, 4).cuda(), + ] + + fx_graph = torch.fx.symbolic_trace(EfficientAttention()) + + # Validate that the results between Torch and Torch-TRT are similar + optimized_model = torch_tensorrt.compile( + fx_graph, + "torch_compile", + inputs, + min_block_size=1, + pass_through_build_failures=True, + ) + optimized_model_results = torch.cat( + [tensor.detach().cpu() for tensor in optimized_model(*inputs)] + ) + torch_model_results = torch.cat( + [tensor.detach().cpu() for tensor in fx_graph(*inputs)] + ) + + max_diff = float( + torch.max(torch.abs(optimized_model_results - torch_model_results)) + ) + self.assertAlmostEqual( + max_diff, + 0, + DECIMALS_OF_AGREEMENT, + msg=f"EfficientAttention TRT outputs don't match with the original model.", + ) + torch._dynamo.reset() + + if __name__ == "__main__": run_tests() diff --git a/tests/py/dynamo/lowering/test_decompositions.py b/tests/py/dynamo/lowering/test_decompositions.py index fd834394c1..40e5a8f3e8 100644 --- a/tests/py/dynamo/lowering/test_decompositions.py +++ b/tests/py/dynamo/lowering/test_decompositions.py @@ -245,6 +245,74 @@ def forward(self, x): f"Reciprocal TRT outputs don't match with the original model.", ) + def test_lowering_prims_var(self): + class Var(torch.nn.Module): + def forward(self, x): + y = torch.var(x) + return y + + # Operations expected to be removed in the traced graph after decompositions + expected_ops = { + torch.ops.aten.mean.dim, + torch.ops.aten.sub.Tensor, + torch.ops.aten.mul.Tensor, + torch.ops.aten.sum.dim_IntList, + torch.ops.aten.div.Tensor, + } + unexpected_ops = {torch.ops.aten.var.default, torch.ops.prims.div.default} + + inputs = [ + torch.randn( + 5, + 10, + 1, + ).cuda() + ] + + fx_graph = torch.fx.symbolic_trace(Var()) + unexpected_ops_seen, expected_ops_unseen = lower_graph_testing( + fx_graph, + inputs, + expected_ops=expected_ops, + unexpected_ops=unexpected_ops, + min_block_size=1, + ) + + self.assertEquals( + len(unexpected_ops_seen), + 0, + f"The following unexpected ops were encountered: {unexpected_ops_seen}", + ) + + self.assertEquals( + len(expected_ops_unseen), + 0, + f"The following expected ops were not encountered: {expected_ops_unseen}", + ) + + torch._dynamo.reset() + + # Validate that the results between Torch and Torch-TRT are similar + optimized_model = torch_tensorrt.compile( + fx_graph, + "torch_compile", + inputs, + min_block_size=1, + pass_through_build_failures=True, + ) + optimized_model_results = optimized_model(*inputs).detach().cpu() + torch_model_results = fx_graph(*inputs).detach().cpu() + + max_diff = float( + torch.max(torch.abs(optimized_model_results - torch_model_results)) + ) + self.assertAlmostEqual( + max_diff, + 0, + DECIMALS_OF_AGREEMENT, + f"Var TRT outputs don't match with the original model.", + ) + if __name__ == "__main__": run_tests() diff --git a/tests/py/dynamo/testing_utilities.py b/tests/py/dynamo/testing_utilities.py index 344cd6bc1d..b55194fa4c 100644 --- a/tests/py/dynamo/testing_utilities.py +++ b/tests/py/dynamo/testing_utilities.py @@ -53,7 +53,7 @@ def fx_dynamo_testing_backend( decompositions=get_decompositions(), ) - gm = apply_lowering_passes(gm) + gm = apply_lowering_passes(gm, sample_inputs) trt_compiled = custom_backend( gm, From 8c25baf978bfafd0ef42008b5ddc3663378dd939 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Fri, 29 Sep 2023 23:56:14 +0000 Subject: [PATCH 31/62] docs: [Automated] Regenerating documenation for 8ebf24d Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 6 +++--- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- ...riting_dynamo_aten_lowering_passes.rst.txt | 10 +++++----- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 14 +++++++------- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 26869 -> 26869 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 118 files changed, 239 insertions(+), 239 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 5b208832f4..90d72dd356 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index 1615a70c5c..cb5164ba63 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index b56c680609..75f0e75a7c 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 8f2c6e3f66..2df0b1a5ca 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 978962b216..9196d2b2e6 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index d38c57ce3b..6e45ae8027 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Define STR — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index e5c1c4fe9d..97afcb5f53 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 81a10b8961..9755f3a052 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index d94708b0fa..0248bb8514 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 782bcb01fa..975ec0bc71 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 04f5e821f1..250a412e42 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 42ef0a3fec..d2b256688c 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 1c08ad3f59..8c5f6fd7b0 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index cef6ca95d9..4d61e8e414 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index f1dcfdcd78..fcb1f54372 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Directory include — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index 375dd254bb..b15226efc5 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index d933436338..43ceb1ac9d 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index c21e4b848a..17430b9d2c 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index a06eebddbd..b89f9f61db 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index 24699519e6..77ab18d266 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index a265a0f068..bc9d0d64b6 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 68ecfe9776..d233058dc2 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index b78a58d562..a0221bc69b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index 2156a86b86..71f4d8a34c 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 4b1f005aec..3dc7227855 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index dd56224320..d430556e24 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 599d59d5a4..6c54de4721 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 7d1f048468..ca9959294e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index b654163b2a..58b206ecd1 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index fed5dfafc5..ad2e77d20f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index 6d68ab04e6..050982d31a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 394aa4b82c..395818a97f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index bc162b8d1a..edb774e1c2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index 61703aef6a..e2f5684aa9 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 7837224e7d..d48432360a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index 9fa547e958..35a24ee012 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index b37f9987df..1d3d532c6d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 8721015b5c..d5ccfc354e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index b0e2f552c9..62df1cb8d1 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index 57ec662b27..ca2bfca8bb 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index c17c7d7096..07078bb023 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index f8f832ed3c..d8ab5e30ca 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 1298cad46c..f787080905 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 116daa2c92..3202878b61 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index ac222fdf89..825d718b10 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index c35ca2938b..dec9b34a56 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index ba3f2a598a..2b60b0db5b 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index c3b6ebe186..7e9cf67af3 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index d6b98e0d39..c3e1710b97 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 6eae971533..ecb4809087 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 10771abe7f..598b432b72 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    @@ -393,7 +393,7 @@

    Class Hierarchy
  • diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 2ffddcd6fd..7a0e344cca 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Full API — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index d637aaeb9af95b387a20705232dbcc6cea228ebf..9eec4d9db83be8cfbb1fbbcc3593d3ff49abca69 100644 GIT binary patch delta 58 zcmZpyZ>;AD@MdNaVE}EIj delta 58 zcmZpyZ>;AD@MdNaVE}=)T^o5MMVQ)lZB`fY7X{H3nqNTt$$566AnK@HG>B5Nj|Tt- CtP{Ne diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 783c8069d4280f208d113f910e7351f558ce1423..edb0e81a2bb2900011b97e4adfdadeaf5285d47f 100644 GIT binary patch delta 58 zcmbQ}Ink3Rz?+#xgaHKp?Ayrmm5b@mzRk?s;yfT)Mm!TlPi|KZ0#Ub>BS4g?N(=xs C+7*}p delta 58 zcmbQ}Ink3Rz?+#xgaHKFc5USO%Ei>SYcn&qI1h-H5zhqCliQVpK-6vJ2oPne5(5D6 CPZGQU diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 6bc9282240..dc1a1d902b 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index a537da2681..a3cf84e6fd 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 4c959aada9..2ee8bb4e51 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 3d4a938ac4..22422a0cd7 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index 759b3255b5..2fa5aa0ee9 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 9f372f14f0..3571d64ddf 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 30c9efadce..5496d6b619 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index cacda91464..f3ebe1365c 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 855aebec0d..b8bb185508 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 5914679eff..f7f22ecc5b 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 1d3cd33d64..1d75a851ab 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index f4dc7df41a..ba97fef900 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 7efa031ae7..e6da3d259b 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/_sources/contributors/writing_dynamo_aten_lowering_passes.rst.txt b/docs/_sources/contributors/writing_dynamo_aten_lowering_passes.rst.txt index d64f81d4aa..4c29bc9b75 100644 --- a/docs/_sources/contributors/writing_dynamo_aten_lowering_passes.rst.txt +++ b/docs/_sources/contributors/writing_dynamo_aten_lowering_passes.rst.txt @@ -12,7 +12,7 @@ Lowering Pass Requirements ------------ An ATen lowering pass function in Torch-TRT must satisfy two requirements: -- The function must take as input a single `torch.fx.GraphModule` and return the lowered `torch.fx.GraphModule` +- The function must take as input a `torch.fx.GraphModule` and a sequence of torch Tensors, `Sequence[torch.Tensor]`, and return the lowered `torch.fx.GraphModule` - The function must leave the graph in a valid and invoke-able state, including performing any necessary linting and recompilation See this link for information on `Graph Manipulations `_ in FX. See below for an example of a lowering pass which repairs graphs that have inputs which are also outputs, a disallowed configuration for TRT Engines. @@ -22,7 +22,7 @@ Example Lowering Pass .. code-block:: python - def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + def repair_input_as_output(gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor]) -> torch.fx.GraphModule: """Repair scenarios where inputs are also outputs of the graph TRT does not allow such cases, so we insert a clone (identity) layer @@ -82,7 +82,7 @@ For instance, to insert the pass at the default location (end of the list), the .. code-block:: python @_aten_lowering_pass - def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + def my_custom_pass(gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor]) -> torch.fx.GraphModule: ... Alternatively, to insert the pass at a custom index (such as the front of the list) in the passlist, the following code can be used: @@ -90,7 +90,7 @@ Alternatively, to insert the pass at a custom index (such as the front of the li .. code-block:: python @_aten_lowering_pass(index=0) - def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule: + def my_custom_pass(gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor]) -> torch.fx.GraphModule: ... There are also provided utilities in `torch_tensorrt.dynamo.lowering.passes` for displaying the currently-available lowering pass list, applying those passes to an arbitrary `torch.fx.GraphModule`, and removing the lowering pass at a specific index. @@ -101,7 +101,7 @@ There are also provided utilities in `torch_tensorrt.dynamo.lowering.passes` for print(dump_lowering_passes()) # Apply lowering passes to a GraphModule - apply_lowering_passes(graph_module) + apply_lowering_passes(graph_module, sample_inputs) # Remove the lowering pass at index 1 _remove_lowering_pass(index=1) diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 5c9f216de7..139a973e8e 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+558ae7c', + VERSION: 'v2.2.0.dev0+8ebf24d', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 4623185030..357175f503 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index 5d4a4ce29c..aaf99a5cae 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index bc56aec2e3..22541fa39a 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index e8f37f3c01..349210d791 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index c79224e18f..ec0f6b5ea7 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index f81ffaca84..8eb293e905 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index d039a170f3..d679a4a28f 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 74acdd3443..ce13621821 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + System Overview — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 28ace6ba1c..789dbebd44 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index a9815db0be..b86e99defb 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index f1caf20473..caf1be183a 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    @@ -395,13 +395,13 @@

    Basics of a Lowering Pass

    Lowering Pass Requirements

    An ATen lowering pass function in Torch-TRT must satisfy two requirements: -- The function must take as input a single torch.fx.GraphModule and return the lowered torch.fx.GraphModule +- The function must take as input a torch.fx.GraphModule and a sequence of torch Tensors, Sequence[torch.Tensor], and return the lowered torch.fx.GraphModule - The function must leave the graph in a valid and invoke-able state, including performing any necessary linting and recompilation

    See this link for information on Graph Manipulations in FX. See below for an example of a lowering pass which repairs graphs that have inputs which are also outputs, a disallowed configuration for TRT Engines.

    Example Lowering Pass

    -
    def repair_input_as_output(gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
    +
    def repair_input_as_output(gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor]) -> torch.fx.GraphModule:
         """Repair scenarios where inputs are also outputs of the graph
     
         TRT does not allow such cases, so we insert a clone (identity) layer
    @@ -457,13 +457,13 @@ 

    Registering Lowering Passes
    @_aten_lowering_pass
    -def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
    +def my_custom_pass(gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor]) -> torch.fx.GraphModule:
         ...
     

    Alternatively, to insert the pass at a custom index (such as the front of the list) in the passlist, the following code can be used:

    @_aten_lowering_pass(index=0)
    -def my_custom_pass(gm: torch.fx.GraphModule) -> torch.fx.GraphModule:
    +def my_custom_pass(gm: torch.fx.GraphModule, sample_inputs: Sequence[torch.Tensor]) -> torch.fx.GraphModule:
         ...
     
    @@ -472,7 +472,7 @@

    Registering Lowering Passesprint(dump_lowering_passes()) # Apply lowering passes to a GraphModule -apply_lowering_passes(graph_module) +apply_lowering_passes(graph_module, sample_inputs) # Remove the lowering pass at index 1 _remove_lowering_pass(index=1) diff --git a/docs/genindex.html b/docs/genindex.html index 6e20477358..139fc7a653 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Index — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index 20b7c26281..3914ee85f5 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index cdb5bc7f1f..025fe35b46 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index e7d48aa111..ab289e4bcc 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index ade833bb21..febeec87f2 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Installation — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/index.html b/docs/index.html index 194b90eddf..ec615b077f 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 0647da8cdc..eef67f54ce 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/objects.inv b/docs/objects.inv index d42fb67f09280f008e931357b3e2e0e0b34c0fdc..9edc0b2ec770ccd8038beda391a0061695f42fad 100644 GIT binary patch delta 20 ccmex*k@4$A#tDAx7O6>TMkXm6Llb%7 delta 20 ccmex*k@4$A#tDAxrluB&spiQWLl - Python Module Index — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 9dffb1120d..6f875b9929 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index 393398d8fc..543a3bbc37 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 5f53564baf..75e443156f 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index b260d6e4c8..16ff67e7c2 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index fbecf7859b..4bad7d79b7 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    @@ -610,7 +610,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+558ae7c.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+8ebf24d.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 3e7a95198a..0c1c710bbb 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+558ae7c documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 6d893b060c..4d6699f655 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 9cea41512b..9e5f3d0b15 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index c58e8aa4d3..5bbaf1fb7c 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + <no title> — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 63f2e0620b..948e485c12 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Installation — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 4cd7f22229..a521d4cf13 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 7f158b1d94..4c90e2010d 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index eb31947bf9..3d66671054 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 17098b4054..bbf57f20ed 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 03fc190f48..45509c6906 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 21a8f52c12..42a337e007 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 9be30d7a3d..8d088f5f99 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 69f6d9778c..491511df3a 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index f98daa22b7..077a67d19d 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index 1588de0b1f..f6c25c4006 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index ee52198e3d..7864a6154b 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index 522fe4ad8e..5577494823 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 7c08dfe981..c753d44b64 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+558ae7c documentation + DLA — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+558ae7c + v2.2.0.dev0+8ebf24d
    From 65712528bcb539b7b56f0aeab948b82afdfe7ab0 Mon Sep 17 00:00:00 2001 From: Dheeraj Peri Date: Mon, 2 Oct 2023 16:14:18 -0700 Subject: [PATCH 32/62] feat: Implement Dynamic shapes + fallback support for export path (#2271) Signed-off-by: Dheeraj Peri Co-authored-by: gs-olive <113141689+gs-olive@users.noreply.github.com> --- .github/workflows/build-test.yml | 1 + cpp/include/torch_tensorrt/torch_tensorrt.h | 2 + cpp/src/types.cpp | 8 +- docsrc/index.rst | 2 + docsrc/user_guide/dynamic_shapes.rst | 218 ++++++++++++++++++ py/torch_tensorrt/_Input.py | 15 +- py/torch_tensorrt/_compile.py | 17 +- py/torch_tensorrt/csrc/tensorrt_classes.cpp | 6 + py/torch_tensorrt/csrc/tensorrt_classes.h | 2 +- py/torch_tensorrt/csrc/torch_tensorrt_py.cpp | 2 + py/torch_tensorrt/dynamo/aten_tracer.py | 67 +++++- py/torch_tensorrt/dynamo/backend/backends.py | 9 +- py/torch_tensorrt/dynamo/compile.py | 43 ++-- .../dynamo/conversion/_TRTInterpreter.py | 1 + .../dynamo/conversion/conversion.py | 9 +- .../conversion/truncate_long_and_double.py | 23 +- .../dynamo/partitioning/common.py | 62 ++++- py/torch_tensorrt/dynamo/utils.py | 57 +++-- tests/py/dynamo/models/test_dyn_models.py | 113 +++++++++ tests/py/dynamo/models/test_models_export.py | 53 +++++ .../py/dynamo/runtime/test_compiler_utils.py | 15 +- 21 files changed, 643 insertions(+), 82 deletions(-) create mode 100644 docsrc/user_guide/dynamic_shapes.rst create mode 100644 tests/py/dynamo/models/test_dyn_models.py diff --git a/.github/workflows/build-test.yml b/.github/workflows/build-test.yml index 80a9f15c94..7db6c19636 100644 --- a/.github/workflows/build-test.yml +++ b/.github/workflows/build-test.yml @@ -141,6 +141,7 @@ jobs: cd tests/py/dynamo ${CONDA_RUN} python -m pip install --pre pytest timm transformers parameterized expecttest --use-deprecated=legacy-resolver ${CONDA_RUN} python -m pytest --junitxml=${RUNNER_TEST_RESULTS_DIR}/dynamo_fe_test_results.xml --ir dynamo models/test_models_export.py + ${CONDA_RUN} python -m pytest --junitxml=${RUNNER_TEST_RESULTS_DIR}/dynamo_fe_test_results.xml --ir dynamo models/test_dyn_models.py popd tests-py-torch-compile-be: diff --git a/cpp/include/torch_tensorrt/torch_tensorrt.h b/cpp/include/torch_tensorrt/torch_tensorrt.h index 29f860c8b3..adac75d984 100644 --- a/cpp/include/torch_tensorrt/torch_tensorrt.h +++ b/cpp/include/torch_tensorrt/torch_tensorrt.h @@ -60,6 +60,8 @@ class DataType { enum Value : int8_t { /// INT64 kLong, + /// FP64 + kDouble, /// FP32 kFloat, /// FP16 diff --git a/cpp/src/types.cpp b/cpp/src/types.cpp index 2be7fea338..69b956a162 100644 --- a/cpp/src/types.cpp +++ b/cpp/src/types.cpp @@ -97,6 +97,8 @@ at::ScalarType toAtenDataType(DataType value) { return at::kInt; case DataType::kLong: return at::kLong; + case DataType::kDouble: + return at::kDouble; case DataType::kBool: return at::kBool; case DataType::kFloat: @@ -119,7 +121,8 @@ nvinfer1::TensorFormat toTRTTensorFormat(TensorFormat value) { DataType::DataType(c10::ScalarType t) { TORCHTRT_CHECK( - t == at::kHalf || t == at::kFloat || t == at::kChar || t == at::kLong || t == at::kInt || t == at::kBool, + t == at::kHalf || t == at::kFloat || t == at::kChar || t == at::kLong || t == at::kDouble || t == at::kInt || + t == at::kBool, "Data type is unsupported (" << t << ")"); switch (t) { case at::kHalf: @@ -134,6 +137,9 @@ DataType::DataType(c10::ScalarType t) { case at::kLong: value = DataType::kLong; break; + case at::kDouble: + value = DataType::kDouble; + break; case at::kBool: value = DataType::kBool; break; diff --git a/docsrc/index.rst b/docsrc/index.rst index ded3b99c9d..18fb1185e8 100644 --- a/docsrc/index.rst +++ b/docsrc/index.rst @@ -42,6 +42,7 @@ User Guide * :ref:`getting_started_with_fx` * :ref:`ptq` * :ref:`runtime` +* :ref:`dynamic_shapes` * :ref:`use_from_pytorch` * :ref:`using_dla` @@ -54,6 +55,7 @@ User Guide user_guide/getting_started_with_fx_path user_guide/ptq user_guide/runtime + user_guide/dynamic_shapes user_guide/use_from_pytorch user_guide/using_dla diff --git a/docsrc/user_guide/dynamic_shapes.rst b/docsrc/user_guide/dynamic_shapes.rst new file mode 100644 index 0000000000..28320956c4 --- /dev/null +++ b/docsrc/user_guide/dynamic_shapes.rst @@ -0,0 +1,218 @@ +.. _runtime: + +Dynamic shapes with Torch-TensorRT +==================================== + +By default, you can run a pytorch model with varied input shapes and the output shapes are determined eagerly. +However, Torch-TensorRT is an AOT compiler which requires some prior information about the input shapes to compile and optimize the model. +In the case of dynamic input shapes, we must provide the (min_shape, opt_shape, max_shape) arguments so that the model can be optimized for +these range of input shapes. An example usage of static and dynamic shapes is as follows. + +NOTE: The following code uses dynamo IR. Incase of Torchscript IR, please swap out ``ir=dynamo`` with ``ir=ts`` and the behavior is exactly the same. + +.. code-block:: python + + import torch + import torch_tensorrt + + model = MyModel().eval().cuda() + # Compile with static shapes + inputs = torch_tensorrt.Input(shape=[1, 3, 224, 224], dtype=torch.float32) + # or compile with dynamic shapes + inputs = torch_tensorrt.Input(min_shape=[1, 3, 224, 224], + opt_shape=[4, 3, 224, 224], + max_shape=[8, 3, 224, 224], + dtype=torch.float32) + trt_gm = torch_tensorrt.compile(model, ir="dynamo", inputs) + +Under the hood +-------------- + +There are two phases of compilation when we use ``torch_tensorrt.compile`` API with ``ir=dynamo`` (default). + +- aten_tracer.trace (which uses torch.export to trace the graph with the given inputs) + +In the tracing phase, we use torch.export along with the constraints. In the case of +dynamic shaped inputs, the range can be provided to the tracing via constraints. Please +refer to this `docstring `_ +for detailed information on how to set constraints. In short, we create new inputs for +torch.export tracing and provide constraints on the min and max values(provided by the user), a particular dimension can take. +Please take a look at ``aten_tracer.py`` file to understand how this works under the hood. + +- dynamo.compile (which compiles a torch.fx.GraphModule object using TensorRT) + +In the conversion to TensorRT, we use the user provided dynamic shape inputs. +We perform shape analysis using dummy inputs (across min, opt and max shapes) and store the +intermediate output shapes which can be used in case the graph has a mix of Pytorch +and TensorRT submodules. + +Custom Constraints +------------------ + +Given an input ``x = torch_tensorrt.Input(min_shape, opt_shape, max_shape, dtype)``, +Torch-TensorRT automatically sets the constraints during ``torch.export`` tracing as follows + +.. code-block:: python + + for dim in constraint_dims: + if min_shape[dim] > 1: + constraints.append(min_shape[dim] <= dynamic_dim(trace_input, dim)) + if max_shape[dim] > 1: + constraints.append(dynamic_dim(trace_input, dim) <= max_shape[dim]) + +Sometimes, we might need to set additional constraints and Torchdynamo errors out if we don't specify them. +For example, in the case of BERT model compilation, there are two inputs and a constraint has to be set involving the sequence length size of these two inputs. + +.. code-block:: python + + constraints.append(dynamic_dim(trace_inputs[0], 0) == dynamic_dim(trace_inputs[1], 0)) + + +If you have to provide any custom constraints to your model, the overall workflow for model compilation using ``ir=dynamo`` would involve a few steps. + +.. code-block:: python + + import torch + import torch_tensorrt + from torch_tensorrt.dynamo.lowering import apply_lowering_passes, get_decompositions + # Assume the model has two inputs + model = MyModel() + torch_input_1 = torch.randn((1, 14), dtype=torch.int32).cuda() + torch_input_2 = torch.randn((1, 14), dtype=torch.int32).cuda() + + dynamic_inputs = [torch_tensorrt.Input(min_shape=[1, 14], + opt_shape=[4, 14], + max_shape=[8, 14], + dtype=torch.int32), + torch_tensorrt.Input(min_shape=[1, 14], + opt_shape=[4, 14], + max_shape=[8, 14], + dtype=torch.int32)] + + # Export the model with additional constraints + constraints = [] + # The following constraints are automatically added by Torch-TensorRT in the + # general case when you call torch_tensorrt.compile directly on MyModel() + constraints.append(dynamic_dim(torch_input_1, 0) < 8) + constraints.append(dynamic_dim(torch_input_2, 0) < 8) + # This is an additional constraint as instructed by Torchdynamo + constraints.append(dynamic_dim(torch_input_1, 0) == dynamic_dim(torch_input_2, 0)) + with unittest.mock.patch( + "torch._export.DECOMP_TABLE", get_decompositions(experimental_decompositions) + ): + graph_module = export( + model, (torch_input_1, torch_input_2), constraints=constraints + ).module() + + # Use the dynamo.compile API + trt_mod = torch_tensorrt.dynamo.compile(graph_module, inputs=dynamic_inputs, **compile_spec) + +Limitations +----------- + +If there are operations in the graph that use the dynamic dimension of the input, Pytorch +introduces ``torch.ops.aten.sym_size.int`` ops in the graph. Currently, we cannot handle these operators and +the compilation results in undefined behavior. We plan to add support for these operators and implement +robust support for shape tensors in the next release. Here is an example of the limitation described above + +.. code-block:: python + + import torch + import torch_tensorrt + + class MyModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.avgpool = torch.nn.AdaptiveAvgPool2d((1, 1)) + + def forward(self, x): + x = self.avgpool(x) + out = torch.flatten(x, 1) + return out + + model = MyModel().eval().cuda() + # Compile with dynamic shapes + inputs = torch_tensorrt.Input(min_shape=(1, 512, 1, 1), + opt_shape=(4, 512, 1, 1), + max_shape=(8, 512, 1, 1), + dtype=torch.float32) + trt_gm = torch_tensorrt.compile(model, ir="dynamo", inputs) + + +The traced graph of `MyModule()` looks as follows + +.. code-block:: python + + Post export graph: graph(): + %arg0_1 : [num_users=2] = placeholder[target=arg0_1] + %mean : [num_users=1] = call_function[target=torch.ops.aten.mean.dim](args = (%arg0_1, [-1, -2], True), kwargs = {}) + %sym_size : [num_users=1] = call_function[target=torch.ops.aten.sym_size.int](args = (%arg0_1, 0), kwargs = {}) + %view : [num_users=1] = call_function[target=torch.ops.aten.view.default](args = (%mean, [%sym_size, 512]), kwargs = {}) + return (view,) + + +Here the ``%sym_size`` node captures the dynamic batch and uses it in the ``aten.view`` layer. This requires shape tensors support +which would be a part of our next release. + +Workaround (BERT static compilation example) +------------------------------------------ + +In the case where you encounter the issues mentioned in the **Limitations** section, +you can compile the model (static mode) with max input size that can be provided. In the cases of smaller inputs, +we can pad them accordingly. This is only a workaround until we address the limitations. + +.. code-block:: python + + import torch + import torch_tensorrt + from transformers.utils.fx import symbolic_trace as transformers_trace + + model = BertModel.from_pretrained("bert-base-uncased").cuda().eval() + + # Input sequence length is 20. + input1 = torch.randint(0, 5, (1, 20), dtype=torch.int32).to("cuda") + input2 = torch.randint(0, 5, (1, 20), dtype=torch.int32).to("cuda") + + model = transformers_trace(model, input_names=["input_ids", "attention_mask"]).eval().cuda() + trt_mod = torch_tensorrt.compile(model, inputs=[input1, input2], **compile_spec) + model_outputs = model(input, input2) + + # If you have a sequence of length 14, pad 6 zero tokens and run inference + # or recompile for sequence length of 14. + input1 = torch.randint(0, 5, (1, 14), dtype=torch.int32).to("cuda") + input2 = torch.randint(0, 5, (1, 14), dtype=torch.int32).to("cuda") + trt_mod = torch_tensorrt.compile(model, inputs=[input1, input2], **compile_spec) + model_outputs = model(input, input2) + + +Dynamic shapes with ir=torch_compile +------------------------------------ + +``torch_tensorrt.compile(model, inputs, ir="torch_compile")`` returns a torch.compile boxed function with the backend +configured to Tensorrt. In the case of ``ir=torch_compile``, users have to recompile for different input shapes. +In the future, we plan to explore the option of compiling with dynamic shapes in the first execution of the model. + +.. code-block:: python + + import torch + import torch_tensorrt + + model = MyModel().eval().cuda() + inputs = torch.randn((1, 3, 224, 224), dtype=float32) + trt_gm = torch_tensorrt.compile(model, ir="torch_compile", inputs) + # Compilation happens when you call the model + trt_gm(inputs) + + # Recompilation happens with modified batch size + inputs_bs2 = torch.randn((2, 3, 224, 224), dtype=torch.float32) + trt_gm = torch_tensorrt.compile(model, ir="torch_compile", inputs_bs2) + + + + + + + + + + diff --git a/py/torch_tensorrt/_Input.py b/py/torch_tensorrt/_Input.py index 3995eca1dd..6e43a23903 100644 --- a/py/torch_tensorrt/_Input.py +++ b/py/torch_tensorrt/_Input.py @@ -46,6 +46,7 @@ class _ShapeMode(Enum): low_tensor_domain_incl: float = 0.0 high_tensor_domain_excl: float = low_tensor_domain_incl + DOMAIN_OFFSET torch_dtype: torch.dtype = torch.float32 + torch_tensor: torch.Tensor = None def __init__(self, *args: Any, **kwargs: Any) -> None: """__init__ Method for torch_tensorrt.Input @@ -171,6 +172,14 @@ def __init__(self, *args: Any, **kwargs: Any) -> None: self.tensor_domain = Input._parse_tensor_domain(domain) + if "torch_tensor" in kwargs: + self.torch_tensor = kwargs["torch_tensor"] + else: + if self.shape_mode == Input._ShapeMode.DYNAMIC: + self.torch_tensor = self.example_tensor("opt_shape") + else: + self.torch_tensor = self.example_tensor() + def __str__(self) -> str: if self.shape_mode == Input._ShapeMode.STATIC: return "Input(shape={}, dtype={}, format={}, domain=[{}, {}))".format( @@ -220,6 +229,8 @@ def _parse_dtype(dtype: Any) -> _enums.dtype: return _enums.dtype.half elif dtype == torch.float: return _enums.dtype.float + elif dtype == torch.float64: + return _enums.dtype.double elif dtype == torch.bool: return _enums.dtype.bool else: @@ -249,6 +260,8 @@ def _to_torch_dtype(dtype: _enums.dtype) -> torch.dtype: return torch.float elif dtype == _enums.dtype.bool: return torch.bool + elif dtype == _enums.dtype.double: + return torch.float64 else: # Default torch_dtype used in FX path return torch.float32 @@ -354,7 +367,7 @@ def from_tensor( ) else torch.channels_last ) - return cls(shape=t.shape, dtype=t.dtype, format=frmt) + return cls(shape=t.shape, dtype=t.dtype, format=frmt, torch_tensor=t) @classmethod def from_tensors( diff --git a/py/torch_tensorrt/_compile.py b/py/torch_tensorrt/_compile.py index 08e7f7d424..67bf6d523e 100644 --- a/py/torch_tensorrt/_compile.py +++ b/py/torch_tensorrt/_compile.py @@ -214,19 +214,20 @@ def compile( ) return compiled_fx_module elif target_ir == _IRType.dynamo: + # Prepare torch and torchtrt inputs import collections.abc - from torch_tensorrt import Device - from torch_tensorrt.dynamo.utils import prepare_inputs, to_torch_device + from torch_tensorrt.dynamo.utils import prepare_inputs - if not isinstance(inputs, collections.abc.Sequence): - inputs = [inputs] - device = kwargs.get("device", Device._current_device()) - torchtrt_inputs, torch_inputs = prepare_inputs(inputs, to_torch_device(device)) - module = torch_tensorrt.dynamo.trace(module, torch_inputs, **kwargs) + if not isinstance(input_list, collections.abc.Sequence): + input_list = [input_list] + + # Export the module + torchtrt_inputs = prepare_inputs(input_list) + module = torch_tensorrt.dynamo.trace(module, torchtrt_inputs, **kwargs) compiled_aten_module: torch.fx.GraphModule = dynamo_compile( module, - inputs=input_list, + inputs=torchtrt_inputs, enabled_precisions=enabled_precisions_set, **kwargs, ) diff --git a/py/torch_tensorrt/csrc/tensorrt_classes.cpp b/py/torch_tensorrt/csrc/tensorrt_classes.cpp index ac2dffb4b8..4794a679eb 100644 --- a/py/torch_tensorrt/csrc/tensorrt_classes.cpp +++ b/py/torch_tensorrt/csrc/tensorrt_classes.cpp @@ -18,6 +18,8 @@ std::string to_str(DataType value) { return "Float"; case DataType::kLong: return "Long"; + case DataType::kDouble: + return "Double"; default: return "Unknown data type"; } @@ -33,6 +35,8 @@ nvinfer1::DataType toTRTDataType(DataType value) { return nvinfer1::DataType::kINT32; case DataType::kLong: return nvinfer1::DataType::kINT32; + case DataType::kDouble: + return nvinfer1::DataType::kFLOAT; case DataType::kBool: return nvinfer1::DataType::kBOOL; case DataType::kFloat: @@ -58,6 +62,8 @@ at::ScalarType toAtenDataType(DataType value) { return at::kBool; case DataType::kFloat: return at::kFloat; + case DataType::kDouble: + return at::kDouble; case DataType::kUnknown: return at::kFloat; default: diff --git a/py/torch_tensorrt/csrc/tensorrt_classes.h b/py/torch_tensorrt/csrc/tensorrt_classes.h index 28321b0571..9bdd00b7e0 100644 --- a/py/torch_tensorrt/csrc/tensorrt_classes.h +++ b/py/torch_tensorrt/csrc/tensorrt_classes.h @@ -27,7 +27,7 @@ namespace pyapi { return static_cast(field_name); \ } -enum class DataType : int8_t { kLong, kFloat, kHalf, kChar, kInt32, kBool, kUnknown }; +enum class DataType : int8_t { kLong, kDouble, kFloat, kHalf, kChar, kInt32, kBool, kUnknown }; std::string to_str(DataType value); nvinfer1::DataType toTRTDataType(DataType value); at::ScalarType toAtenDataType(DataType value); diff --git a/py/torch_tensorrt/csrc/torch_tensorrt_py.cpp b/py/torch_tensorrt/csrc/torch_tensorrt_py.cpp index b3880b335a..33c7e27398 100644 --- a/py/torch_tensorrt/csrc/torch_tensorrt_py.cpp +++ b/py/torch_tensorrt/csrc/torch_tensorrt_py.cpp @@ -246,6 +246,8 @@ PYBIND11_MODULE(_C, m) { .value("int32", DataType::kInt32, "32 bit integer number") .value("long", DataType::kLong, "64 bit integer number") .value("int64", DataType::kLong, "64 bit integer number") + .value("double", DataType::kDouble, "64 bit floating point number") + .value("float64", DataType::kDouble, "64 bit floating point number") .value("bool", DataType::kBool, "Boolean value") .value("unknown", DataType::kUnknown, "Unknown data type") .export_values(); diff --git a/py/torch_tensorrt/dynamo/aten_tracer.py b/py/torch_tensorrt/dynamo/aten_tracer.py index be2f2efd9c..da346635a2 100644 --- a/py/torch_tensorrt/dynamo/aten_tracer.py +++ b/py/torch_tensorrt/dynamo/aten_tracer.py @@ -2,16 +2,32 @@ import logging import unittest.mock -from typing import Any, Tuple +from typing import Any, List, Tuple import torch -from torch._export import export -from torch_tensorrt.dynamo.lowering import apply_lowering_passes, get_decompositions -from torch_tensorrt.dynamo.utils import set_log_level +from torch._export import dynamic_dim, export +from torch_tensorrt._Input import Input +from torch_tensorrt.dynamo._defaults import default_device +from torch_tensorrt.dynamo.lowering import get_decompositions +from torch_tensorrt.dynamo.utils import get_torch_inputs, set_log_level, to_torch_device logger = logging.getLogger(__name__) +def get_random_tensor( + shape: List[Any], dtype: torch.dtype, device: torch.device +) -> torch.Tensor: + if dtype == torch.int32 or dtype == torch.int64: + return torch.randint(2, 10, shape, dtype=dtype, device=device) + elif dtype in (torch.float64, torch.float32, torch.float16): + return torch.randn(shape, dtype=dtype, device=device) + else: + logger.critical( + "Invalid dtype detected in creating input tensors for tracing the graph." + ) + raise + + def trace( model: torch.nn.Module | torch.fx.GraphModule, inputs: Tuple[Any, ...], @@ -21,13 +37,52 @@ def trace( if "debug" in kwargs and kwargs["debug"]: set_log_level(logger.parent, logging.DEBUG) + # Determine the dynamic dimension and setup constraints to input dimensions as dictated by TensorRT + # Torch dynamo does not allow 0/1 value for dynamic dimensions + # for inputs during tracing. Hence we create new inputs for export + device = to_torch_device(kwargs.get("device", default_device())) + torch_inputs = get_torch_inputs(inputs, device) + trace_inputs = [] + constraints = [] + for idx, input in enumerate(inputs): + if input.shape_mode == Input._ShapeMode.DYNAMIC: + min_shape = input.shape["min_shape"] + opt_shape = input.shape["opt_shape"] + max_shape = input.shape["max_shape"] + assert len(min_shape) == len(opt_shape) == len(max_shape) + + constraint_dims = [] + new_shape = [] + for dim in range(len(min_shape)): + if min_shape[dim] == opt_shape[dim] == max_shape[dim]: + new_shape.append(torch_inputs[idx].shape[dim]) + else: + constraint_dims.append(dim) + if torch_inputs[idx].shape[dim] == 1: + new_shape.append(torch_inputs[idx].shape[dim] + 1) + else: + new_shape.append(torch_inputs[idx].shape[dim]) + + trace_input = get_random_tensor(new_shape, torch_inputs[idx].dtype, device) + + for dim in constraint_dims: + if min_shape[dim] > 1: + constraints.append(min_shape[dim] <= dynamic_dim(trace_input, dim)) + if max_shape[dim] > 1: + constraints.append(dynamic_dim(trace_input, dim) <= max_shape[dim]) + trace_inputs.append(trace_input) + else: + trace_inputs.append(torch_inputs[idx]) + experimental_decompositions = kwargs.get( "enable_experimental_decompositions", False ) with unittest.mock.patch( "torch._export.DECOMP_TABLE", get_decompositions(experimental_decompositions) ): - graph_module = export(model, tuple(inputs)).module() - graph_module = apply_lowering_passes(graph_module, inputs) + graph_module = export( + model, tuple(trace_inputs), constraints=constraints + ).module() + logger.debug("Post export graph: " + str(graph_module.graph)) return graph_module diff --git a/py/torch_tensorrt/dynamo/backend/backends.py b/py/torch_tensorrt/dynamo/backend/backends.py index 7b98079564..b30da1ffb8 100644 --- a/py/torch_tensorrt/dynamo/backend/backends.py +++ b/py/torch_tensorrt/dynamo/backend/backends.py @@ -16,7 +16,11 @@ repair_input_aliasing, ) from torch_tensorrt.dynamo.lowering._pre_aot_lowering import pre_aot_substitutions -from torch_tensorrt.dynamo.utils import parse_dynamo_kwargs, set_log_level +from torch_tensorrt.dynamo.utils import ( + parse_dynamo_kwargs, + prepare_inputs, + set_log_level, +) logger = logging.getLogger(__name__) @@ -89,9 +93,10 @@ def _pretraced_backend( gm = apply_lowering_passes(gm, sample_inputs) + torchtrt_inputs = prepare_inputs(sample_inputs) trt_compiled = compile_module( gm, - sample_inputs, + torchtrt_inputs, settings=settings, ) return trt_compiled diff --git a/py/torch_tensorrt/dynamo/compile.py b/py/torch_tensorrt/dynamo/compile.py index d512fd1bf2..0ef52edd43 100644 --- a/py/torch_tensorrt/dynamo/compile.py +++ b/py/torch_tensorrt/dynamo/compile.py @@ -1,6 +1,5 @@ from __future__ import annotations -import collections.abc import logging from typing import Any, List, Optional, Sequence, Set, Tuple, Union @@ -10,6 +9,7 @@ from torch_tensorrt._enums import ( # TODO: Should probabably be the TRT EngineCapability Enum EngineCapability, ) +from torch_tensorrt._Input import Input from torch_tensorrt.dynamo import CompilationSettings, partitioning from torch_tensorrt.dynamo._defaults import ( DEBUG, @@ -31,8 +31,9 @@ convert_module, repair_long_or_double_inputs, ) +from torch_tensorrt.dynamo.lowering import apply_lowering_passes from torch_tensorrt.dynamo.utils import ( - prepare_inputs, + get_torch_inputs, set_log_level, to_torch_device, to_torch_tensorrt_device, @@ -75,6 +76,10 @@ def compile( if debug: set_log_level(logger.parent, logging.DEBUG) + # Apply lowering on the graph module + torch_inputs = get_torch_inputs(inputs, device) + gm = apply_lowering_passes(gm, torch_inputs) + enabled_precisions = set(enabled_precisions) logger.warning( @@ -87,13 +92,8 @@ def compile( "require_full_compilation}" ) - if not isinstance(inputs, collections.abc.Sequence): - inputs = [inputs] - device = to_torch_tensorrt_device(device) - _, torch_inputs = prepare_inputs(inputs, to_torch_device(device)) - if ( torch.float16 in enabled_precisions or torch_tensorrt.dtype.half in enabled_precisions @@ -134,12 +134,12 @@ def compile( settings = CompilationSettings(**compilation_options) logger.info("Compilation Settings: %s\n", settings) - return compile_module(gm, torch_inputs, settings) + return compile_module(gm, inputs, settings) def compile_module( gm: torch.fx.GraphModule, - sample_inputs: Sequence[torch.Tensor], + sample_inputs: Sequence[Input], settings: CompilationSettings = CompilationSettings(), ) -> torch.fx.GraphModule: """Compile a traced FX module @@ -153,6 +153,7 @@ def compile_module( Returns: Compiled FX GraphModule """ + # Check the number of supported operations in the graph num_supported_ops, total_ops = partitioning.get_graph_converter_support( gm, settings.debug, settings.torch_executed_ops @@ -203,7 +204,6 @@ def compile_module( # Store TRT replicas of Torch subgraphs trt_modules = {} - # Iterate over all components that can be accelerated # Generate the corresponding TRT Module for those for name, _ in partitioned_module.named_children(): @@ -213,19 +213,30 @@ def compile_module( submodule = getattr(partitioned_module, name) - logger.debug( - "Submodule name: " + str(name) + " Graph: \n" + str(submodule.graph) - ) - # Get submodule inputs + # Get the submodule inputs for min, opt, max shapes of the graph inputs submodule_inputs = partitioning.get_submod_inputs( - partitioned_module, submodule, sample_inputs + partitioned_module, + submodule, + sample_inputs, + to_torch_device(settings.device), + ) + + logger.debug( + "Submodule name: %s\n Input shapes: %s\n %s", + str(name), + [input.shape for input in submodule_inputs], + str(submodule.graph), ) assert submodule_inputs is not None # Handle long/double inputs if requested by the user if settings.truncate_long_and_double: submodule_inputs = repair_long_or_double_inputs( - partitioned_module, submodule, submodule_inputs, name + partitioned_module, + submodule, + submodule_inputs, + to_torch_device(settings.device), + name, ) # Create TRT Module from submodule diff --git a/py/torch_tensorrt/dynamo/conversion/_TRTInterpreter.py b/py/torch_tensorrt/dynamo/conversion/_TRTInterpreter.py index 206636a637..61f3f6b6f5 100644 --- a/py/torch_tensorrt/dynamo/conversion/_TRTInterpreter.py +++ b/py/torch_tensorrt/dynamo/conversion/_TRTInterpreter.py @@ -285,6 +285,7 @@ def placeholder(self, target: str, args: Any, kwargs: Any) -> trt.ITensor: self.optimization_profiles[0].set_shape( target, min_shape, opt_shape, max_shape ) + assert len(min_shape) == len(opt_shape) == len(max_shape) for i in range(len(min_shape)): if min_shape[i] == opt_shape[i] == max_shape[i]: diff --git a/py/torch_tensorrt/dynamo/conversion/conversion.py b/py/torch_tensorrt/dynamo/conversion/conversion.py index 5555686e77..77a66c7c6d 100644 --- a/py/torch_tensorrt/dynamo/conversion/conversion.py +++ b/py/torch_tensorrt/dynamo/conversion/conversion.py @@ -9,11 +9,12 @@ from torch_tensorrt.dynamo import CompilationSettings from torch_tensorrt.dynamo.conversion import TRTInterpreter from torch_tensorrt.dynamo.runtime import PythonTorchTensorRTModule, TorchTensorRTModule +from torch_tensorrt.dynamo.utils import get_torch_inputs def convert_module( module: torch.fx.GraphModule, - inputs: Sequence[torch.Tensor], + inputs: Sequence[Input], settings: CompilationSettings = CompilationSettings(), name: str = "", ) -> PythonTorchTensorRTModule | TorchTensorRTModule: @@ -28,15 +29,17 @@ def convert_module( """ # Specify module output data types to ensure TRT output types agree with # that of the equivalent Torch module - module_outputs = module(*inputs) + torch_inputs = get_torch_inputs(inputs, settings.device) + module_outputs = module(*torch_inputs) if not isinstance(module_outputs, (list, tuple)): module_outputs = [module_outputs] output_dtypes = [output.dtype for output in module_outputs] + interpreter = TRTInterpreter( module, - Input.from_tensors(inputs, disable_memory_format_check=True), + inputs, logger_level=(trt.Logger.VERBOSE if settings.debug else trt.Logger.WARNING), output_dtypes=output_dtypes, compilation_settings=settings, diff --git a/py/torch_tensorrt/dynamo/conversion/truncate_long_and_double.py b/py/torch_tensorrt/dynamo/conversion/truncate_long_and_double.py index c6c10f475a..9390bc3bde 100644 --- a/py/torch_tensorrt/dynamo/conversion/truncate_long_and_double.py +++ b/py/torch_tensorrt/dynamo/conversion/truncate_long_and_double.py @@ -4,6 +4,8 @@ import torch from torch.fx.node import _get_qualified_name +from torch_tensorrt._Input import Input +from torch_tensorrt.dynamo.utils import get_torch_inputs def _extract_downstream_get_nodes( @@ -157,9 +159,10 @@ def _repair_64bit_input( def repair_long_or_double_inputs( parent_graph: torch.fx.GraphModule, submodule: torch.fx.GraphModule, - submodule_inputs: Sequence[torch.Tensor], + submodule_inputs: Sequence[Input], + device: torch.device, submodule_name: Optional[str] = None, -) -> Sequence[torch.Tensor]: +) -> Sequence[Input]: """Fixes all Long/Double type inputs to a TRT-accelerated subgraph In-Place modifies the provided graph @@ -175,12 +178,13 @@ def repair_long_or_double_inputs( Returns: New submodule inputs, updated accordingly with long/double truncation """ + submodule_torch_inputs = get_torch_inputs(submodule_inputs, device) num_submodule_inputs = len(submodule_inputs) repaired_outputs_once = False # For each input to the TRT subgraph, check if its type is long/double for position in range(num_submodule_inputs): - param = submodule_inputs[position] + param = submodule_torch_inputs[position] # If the data type of the input is long/double, insert necessary # casts to replace the operation @@ -188,7 +192,7 @@ def repair_long_or_double_inputs( # Ensure outputs are only repaired once per submodule to avoid # unnecessary ops showing up in the graph if not repaired_outputs_once: - submodule_outputs = submodule(*submodule_inputs) + submodule_outputs = submodule(*submodule_torch_inputs) _repair_64bit_input( parent_graph, @@ -202,12 +206,17 @@ def repair_long_or_double_inputs( # Repair submodule inputs in accordance with inserted casts dtype_32bit = torch.int32 if (param.dtype == torch.int64) else torch.float32 - submodule_inputs = ( - list(submodule_inputs[:position]) + submodule_torch_inputs = ( + list(submodule_torch_inputs[:position]) + [ param.to(dtype_32bit), ] - + list(submodule_inputs[position + 1 :]) + + list(submodule_torch_inputs[position + 1 :]) ) + # Set the 32bit inputs and their types to the submodule Inputs + for idx in range(len(submodule_inputs)): + submodule_inputs[idx].torch_tensor = submodule_torch_inputs[idx] + submodule_inputs[idx].torch_dtype = submodule_torch_inputs[idx].dtype + return submodule_inputs diff --git a/py/torch_tensorrt/dynamo/partitioning/common.py b/py/torch_tensorrt/dynamo/partitioning/common.py index 8c36668d00..14c068260f 100644 --- a/py/torch_tensorrt/dynamo/partitioning/common.py +++ b/py/torch_tensorrt/dynamo/partitioning/common.py @@ -1,9 +1,14 @@ +import logging from typing import Any, Optional, Sequence, Set, Tuple import torch from torch.fx.node import _get_qualified_name +from torch_tensorrt._Input import Input from torch_tensorrt.dynamo._defaults import DEBUG from torch_tensorrt.dynamo.lowering import SUBSTITUTION_REGISTRY +from torch_tensorrt.dynamo.utils import get_torch_inputs, input_is_dynamic + +logger = logging.getLogger(__name__) DEFAULT_SINGLE_NODE_PARTITIONS: Set[str] = { _get_qualified_name(to_replace.new_operator) @@ -14,7 +19,8 @@ def get_submod_inputs( mod: torch.fx.GraphModule, submod: torch.fx.GraphModule, - inputs: Sequence[torch.Tensor], + inputs: Sequence[Input], + device: torch.device, ) -> Optional[Sequence[torch.Tensor]]: """Helper function to get inputs to a Torch submodule @@ -25,17 +31,63 @@ def get_submod_inputs( Returns: Sequence of Tensors representing inputs to child module """ - acc_inputs = None + acc_inputs: Any = None def get_input(self: Any, inputs: Sequence[torch.Tensor]) -> None: nonlocal acc_inputs acc_inputs = inputs return + # Register a hook to capture submodule input handle = submod.register_forward_pre_hook(get_input) - mod(*inputs) - handle.remove() - return acc_inputs + # Iterate over min, opt, max shapes for dynamic inputs + inputs_map = {} + + if input_is_dynamic(inputs): + for mode in ["min_shape", "opt_shape", "max_shape"]: + torch_inputs = get_torch_inputs(inputs, device, mode) + mod(*torch_inputs) + inputs_map[mode] = acc_inputs + handle.remove() + else: + torch_inputs = get_torch_inputs(inputs, device) + mod(*torch_inputs) + handle.remove() + assert isinstance(acc_inputs, tuple) + return [ + Input(shape=acc_input.shape, dtype=acc_input.dtype) + for acc_input in acc_inputs + ] + + num_submodule_inputs = ( + len(inputs_map["min_shape"]) if inputs_map["min_shape"] else 0 + ) + submodule_inputs = [] + for idx in range(num_submodule_inputs): + if not isinstance(inputs_map["min_shape"][idx], torch.Tensor): + input_val = torch.tensor(inputs_map["opt_shape"][idx], dtype=torch.int32) + logger.warning( + "Detected a zero-dimensional input. This might be a shape tensor input which is not currently supported. This might result in undefined behavior" + ) + submodule_inputs.append( + Input( + shape=[1], + torch_tensor=input_val, + dtype=input_val.dtype, + ) + ) + else: + submodule_inputs.append( + Input( + min_shape=inputs_map["min_shape"][idx].shape, + opt_shape=inputs_map["opt_shape"][idx].shape, + max_shape=inputs_map["max_shape"][idx].shape, + torch_tensor=inputs_map["opt_shape"][idx], + dtype=inputs_map["opt_shape"][idx].dtype, + ) + ) + + return submodule_inputs def get_graph_converter_support( diff --git a/py/torch_tensorrt/dynamo/utils.py b/py/torch_tensorrt/dynamo/utils.py index 28149c8fde..97046ba421 100644 --- a/py/torch_tensorrt/dynamo/utils.py +++ b/py/torch_tensorrt/dynamo/utils.py @@ -63,6 +63,35 @@ def cosine_similarity(gt_tensor: torch.Tensor, pred_tensor: torch.Tensor) -> flo return res +def input_is_dynamic(inputs: Sequence[Union[Input, torch.Tensor]]) -> bool: + """ + Return true if the provided inputs are `torch_tensorrt.Input` objects and have dynamic shapes. + """ + return not any(isinstance(input, torch.Tensor) for input in inputs) and any( + input.shape_mode == Input._ShapeMode.DYNAMIC for input in inputs + ) + + +def get_torch_inputs( + inputs: Sequence[Input], device: Union[Device, torch.device, str], mode: str = "" +) -> Sequence[torch.tensor]: + """ + Return the torch_tensor from the Input object. If mode is set, this implies + user is using dynamic shaped inputs and return the corresponding input based + on the mode requested. + """ + device = to_torch_device(device) + if mode: + return [ + input.example_tensor(mode).to(device) + for input in inputs + if isinstance(input, Input) + ] + return [ + input.torch_tensor.to(device) for input in inputs if isinstance(input, Input) + ] + + def set_log_level(parent_logger: Any, level: Any) -> None: """ Sets the log level to the user provided level. @@ -75,49 +104,37 @@ def set_log_level(parent_logger: Any, level: Any) -> None: def prepare_inputs( inputs: Input | torch.Tensor | Sequence[Any] | Dict[Any, Any], - device: torch.device = torch.device("cuda"), ) -> Any: if isinstance(inputs, Input): - if isinstance(inputs.shape, dict): - return inputs, inputs.example_tensor( - optimization_profile_field="opt_shape" - ).to(device) - else: - return inputs, inputs.example_tensor().to(device) + return inputs elif isinstance(inputs, torch.Tensor): - return Input.from_tensor(inputs), inputs + return Input.from_tensor(inputs) elif isinstance(inputs, list): torchtrt_input_list = [] - torch_input_list = [] for input_obj in inputs: - torchtrt_input, torch_input = prepare_inputs(input_obj) + torchtrt_input = prepare_inputs(input_obj) torchtrt_input_list.append(torchtrt_input) - torch_input_list.append(torch_input) - return torchtrt_input_list, torch_input_list + return torchtrt_input_list elif isinstance(inputs, tuple): torchtrt_inputs_tup = [] - torch_inputs_tup = [] for input_obj in inputs: - torchtrt_input, torch_input = prepare_inputs(input_obj) + torchtrt_input = prepare_inputs(input_obj) torchtrt_inputs_tup.append(torchtrt_input) - torch_inputs_tup.append(torch_input) - return tuple(torchtrt_inputs_tup), tuple(torch_inputs_tup) + return tuple(torchtrt_inputs_tup) elif isinstance(inputs, dict): torchtrt_inputs_dict: Dict[Any, Any] = dict() - torch_inputs_dict: Dict[Any, Any] = dict() for key, input_obj in inputs.items(): - torchtrt_input, torch_input = prepare_inputs(input_obj) + torchtrt_input = prepare_inputs(input_obj) torchtrt_inputs_dict[key] = torchtrt_input - torch_inputs_dict[key] = torch_input - return torchtrt_inputs_dict, torch_inputs_dict + return torchtrt_inputs_dict else: raise ValueError( diff --git a/tests/py/dynamo/models/test_dyn_models.py b/tests/py/dynamo/models/test_dyn_models.py new file mode 100644 index 0000000000..057a95879d --- /dev/null +++ b/tests/py/dynamo/models/test_dyn_models.py @@ -0,0 +1,113 @@ +import unittest + +import pytest +import timm +import torch +import torch_tensorrt as torchtrt +from torch_tensorrt.dynamo.utils import COSINE_THRESHOLD, cosine_similarity + +assertions = unittest.TestCase() + + +@pytest.mark.unit +def test_base_dynamic(ir): + """ + Tests the model (which is fully convertible) with dynamic shapes + """ + + class MyModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.conv = torch.nn.Conv2d(3, 16, 3, stride=1, bias=True) + self.relu = torch.nn.ReLU() + + def forward(self, x): + out = self.conv(x) + out = self.relu(out) + return out + + model = MyModule().eval().cuda() + input = torch.randn((1, 3, 224, 224)).to("cuda") + + compile_spec = { + "inputs": [ + torchtrt.Input( + min_shape=(1, 3, 224, 224), + opt_shape=(4, 3, 224, 224), + max_shape=(8, 3, 224, 224), + dtype=torch.float32, + ) + ], + "device": torchtrt.Device("cuda:0"), + "enabled_precisions": {torch.float}, + "ir": ir, + "pass_through_build_failures": True, + "optimization_level": 1, + "min_block_size": 1, + } + + trt_mod = torchtrt.compile(model, **compile_spec) + cos_sim = cosine_similarity(model(input), trt_mod(input)[0]) + assertions.assertTrue( + cos_sim > COSINE_THRESHOLD, + msg=f"test_base_dynamic model TRT outputs don't match with the pytorch model. Cosine sim score: {cos_sim} Threshold: {COSINE_THRESHOLD}", + ) + + # Clean up model env + torch._dynamo.reset() + + with torch.no_grad(): + torch.cuda.empty_cache() + + +@pytest.mark.unit +def test_base_dynamic_fallback(ir): + """ + Tests the model (which is fully convertible) with dynamic shapes + """ + + class MyModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.conv = torch.nn.Conv2d(3, 16, 3, stride=1, bias=True) + self.relu = torch.nn.ReLU() + + def forward(self, x): + out = self.conv(x) + out = torch.abs(out) + out = self.relu(out) + return out + + model = MyModule().eval().cuda() + input = torch.randn((1, 3, 224, 224)).to("cuda") + + compile_spec = { + "inputs": [ + torchtrt.Input( + min_shape=(1, 3, 224, 224), + opt_shape=(4, 3, 224, 224), + max_shape=(8, 3, 224, 224), + dtype=torch.float32, + ) + ], + "device": torchtrt.Device("cuda:0"), + "enabled_precisions": {torch.float}, + "ir": ir, + "pass_through_build_failures": True, + "optimization_level": 1, + "torch_executed_ops": "torch.ops.aten.abs.default", + "min_block_size": 1, + } + + trt_mod = torchtrt.compile(model, **compile_spec) + cos_sim = cosine_similarity(model(input), trt_mod(input)[0]) + assertions.assertTrue( + cos_sim > COSINE_THRESHOLD, + msg=f"test_base_dynamic model TRT outputs don't match with the pytorch model. Cosine sim score: {cos_sim} Threshold: {COSINE_THRESHOLD}", + ) + + # Clean up model env + torch._dynamo.reset() + + with torch.no_grad(): + torch.cuda.empty_cache() diff --git a/tests/py/dynamo/models/test_models_export.py b/tests/py/dynamo/models/test_models_export.py index d084ce68f6..fd7b40592a 100644 --- a/tests/py/dynamo/models/test_models_export.py +++ b/tests/py/dynamo/models/test_models_export.py @@ -154,6 +154,59 @@ def test_bert_base_uncased(ir): torch._dynamo.reset() +@pytest.mark.unit +def test_bert_base_uncased(ir): + model = BertModel.from_pretrained("bert-base-uncased").cuda().eval() + input = torch.randint(0, 1, (1, 14), dtype=torch.int32).to("cuda") + input2 = torch.randint(0, 1, (1, 14), dtype=torch.int32).to("cuda") + model = ( + transformers_trace(model, input_names=["input_ids", "attention_mask"]) + .eval() + .cuda() + ) + + compile_spec = { + "inputs": [ + torchtrt.Input( + input.shape, + dtype=input.dtype, + format=torch.contiguous_format, + ), + torchtrt.Input( + input.shape, + dtype=input.dtype, + format=torch.contiguous_format, + ), + ], + "device": torchtrt.Device("cuda:0"), + "enabled_precisions": {torch.float}, + "truncate_long_and_double": True, + "ir": ir, + "min_block_size": 10, + "torch_executed_ops": {"torch.ops.aten.gelu.default"}, + } + trt_mod = torchtrt.compile(model, **compile_spec) + model_outputs = model(input, input2) + trt_model_outputs = trt_mod(input, input2) + assertions.assertTrue( + len(model_outputs) == len(trt_model_outputs), + msg=f"Number of outputs for BERT model compilation is different with Pytorch {len(model_outputs)} and TensorRT {len(trt_model_outputs)}. Please check the compilation.", + ) + for index, key in enumerate(model_outputs): + out, trt_out = model_outputs[key], trt_model_outputs[index] + cos_sim = cosine_similarity(out, trt_out) + assertions.assertTrue( + cos_sim > COSINE_THRESHOLD, + msg=f"HF BERT base-uncased TRT outputs don't match with the original model. Cosine sim score: {cos_sim} Threshold: {COSINE_THRESHOLD}", + ) + + # Clean up model env + torch._dynamo.reset() + + with torch.no_grad(): + torch.cuda.empty_cache() + + @pytest.mark.unit def test_resnet18_half(ir): model = models.resnet18(pretrained=True).eval().to("cuda").half() diff --git a/tests/py/dynamo/runtime/test_compiler_utils.py b/tests/py/dynamo/runtime/test_compiler_utils.py index afd21c3079..02b0d63523 100644 --- a/tests/py/dynamo/runtime/test_compiler_utils.py +++ b/tests/py/dynamo/runtime/test_compiler_utils.py @@ -60,23 +60,17 @@ def test_cast_str_device(self): class TestPrepareInputs(unittest.TestCase): def test_prepare_single_tensor_input(self): inputs = [torch.ones((4, 4))] - prepared_inputs_trt, prepared_inputs_torch = prepare_inputs(inputs) + prepared_inputs_trt = prepare_inputs(inputs) self.assertTrue( same_output_format(inputs, prepared_inputs_trt, enforce_tensor_type=False) ) - self.assertTrue( - same_output_format(inputs, prepared_inputs_torch, enforce_tensor_type=False) - ) def test_prepare_trt_input(self): inputs = [torch_tensorrt.Input(shape=(4, 3), dtype=torch.float)] - prepared_inputs_trt, prepared_inputs_torch = prepare_inputs(inputs) + prepared_inputs_trt = prepare_inputs(inputs) self.assertTrue( same_output_format(inputs, prepared_inputs_trt, enforce_tensor_type=False) ) - self.assertTrue( - same_output_format(inputs, prepared_inputs_torch, enforce_tensor_type=False) - ) def test_prepare_mixed_type_compound_tensor_input(self): inputs = { @@ -89,13 +83,10 @@ def test_prepare_mixed_type_compound_tensor_input(self): (torch.rand((5, 1)), torch_tensorrt.Input(shape=(2, 3))), ), } - prepared_inputs_trt, prepared_inputs_torch = prepare_inputs(inputs) + prepared_inputs_trt = prepare_inputs(inputs) self.assertTrue( same_output_format(inputs, prepared_inputs_trt, enforce_tensor_type=False) ) - self.assertTrue( - same_output_format(inputs, prepared_inputs_torch, enforce_tensor_type=False) - ) if __name__ == "__main__": From a7f9055602bf8628059565690a54be4ac230b4aa Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Mon, 2 Oct 2023 23:31:42 +0000 Subject: [PATCH 33/62] docs: [Automated] Regenerating documenation for 6571252 Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 11 +- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 5 +- .../classtorch__tensorrt_1_1TensorFormat.html | 5 +- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 5 +- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 5 +- ...8h_1a18d295a837ac71add5578860b55e5502.html | 5 +- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 5 +- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 5 +- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 5 +- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 5 +- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 5 +- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 5 +- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 5 +- docs/_cpp_api/dir_cpp.html | 5 +- docs/_cpp_api/dir_cpp_include.html | 5 +- .../dir_cpp_include_torch_tensorrt.html | 5 +- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 5 +- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 5 +- ..._cpp_include_torch_tensorrt_logging.h.html | 5 +- ...e_cpp_include_torch_tensorrt_macros.h.html | 5 +- ...file_cpp_include_torch_tensorrt_ptq.h.html | 5 +- ...clude_torch_tensorrt_torch_tensorrt.h.html | 5 +- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 5 +- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 5 +- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 5 +- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 5 +- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 5 +- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 5 +- ...ng_1af8f3443813315af7901903d25dd495cc.html | 5 +- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 5 +- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 5 +- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 5 +- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 5 +- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 5 +- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 5 +- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 5 +- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 5 +- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 5 +- docs/_cpp_api/namespace_torch_tensorrt.html | 5 +- .../namespace_torch_tensorrt__logging.html | 5 +- .../namespace_torch_tensorrt__ptq.html | 5 +- ...namespace_torch_tensorrt__torchscript.html | 5 +- ..._cpp_include_torch_tensorrt_logging.h.html | 5 +- ...e_cpp_include_torch_tensorrt_macros.h.html | 5 +- ...file_cpp_include_torch_tensorrt_ptq.h.html | 5 +- ...clude_torch_tensorrt_torch_tensorrt.h.html | 6 +- .../structtorch__tensorrt_1_1Device.html | 5 +- .../structtorch__tensorrt_1_1GraphInputs.html | 5 +- .../structtorch__tensorrt_1_1Input.html | 5 +- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 5 +- docs/_cpp_api/torch_tensort_cpp.html | 5 +- docs/_cpp_api/unabridged_orphan.html | 5 +- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 5 +- docs/_modules/torch_tensorrt/_Device.html | 5 +- docs/_modules/torch_tensorrt/_Input.html | 22 +- docs/_modules/torch_tensorrt/_compile.html | 22 +- docs/_modules/torch_tensorrt/_utils.html | 5 +- docs/_modules/torch_tensorrt/fx/fx2trt.html | 5 +- .../torch_tensorrt/fx/input_tensor_spec.html | 5 +- docs/_modules/torch_tensorrt/fx/lower.html | 5 +- .../torch_tensorrt/fx/trt_module.html | 5 +- docs/_modules/torch_tensorrt/logging.html | 5 +- docs/_modules/torch_tensorrt/ptq.html | 5 +- .../torch_tensorrt/ts/_compile_spec.html | 5 +- .../_modules/torch_tensorrt/ts/_compiler.html | 5 +- ...de_torch_tensorrt_torch_tensorrt.h.rst.txt | 1 + docs/_sources/index.rst.txt | 2 + .../user_guide/dynamic_shapes.rst.txt | 218 +++++ docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 5 +- docs/contributors/conversion.html | 5 +- docs/contributors/fx_converters.html | 5 +- docs/contributors/lowering.html | 5 +- docs/contributors/partitioning.html | 5 +- docs/contributors/phases.html | 5 +- docs/contributors/runtime.html | 5 +- docs/contributors/system_overview.html | 5 +- docs/contributors/useful_links.html | 5 +- docs/contributors/writing_converters.html | 5 +- .../writing_dynamo_aten_lowering_passes.html | 5 +- docs/genindex.html | 7 +- .../getting_started_with_cpp_api.html | 5 +- .../getting_started_with_python_api.html | 5 +- .../getting_started_with_windows.html | 5 +- docs/getting_started/installation.html | 5 +- docs/index.html | 6 +- docs/indices/supported_ops.html | 5 +- docs/objects.inv | Bin 26869 -> 27106 bytes docs/py-modindex.html | 5 +- docs/py_api/fx.html | 5 +- docs/py_api/logging.html | 5 +- docs/py_api/ptq.html | 5 +- docs/py_api/torch_tensorrt.html | 9 +- docs/py_api/ts.html | 7 +- docs/search.html | 5 +- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 5 +- .../docs/configuring.html | 5 +- .../pytorch-sphinx-theme/docs/demo/api.html | 5 +- .../pytorch-sphinx-theme/docs/demo/demo.html | 7 +- .../docs/demo/lists_tables.html | 5 +- .../pytorch-sphinx-theme/docs/demo/long.html | 5 +- .../docs/demo/structure.html | 5 +- docs/src/pytorch-sphinx-theme/docs/index.html | 5 +- .../pytorch-sphinx-theme/docs/installing.html | 5 +- .../_rendered_examples/dynamo/index.html | 5 +- .../dynamo/torch_compile_advanced_usage.html | 5 +- .../dynamo/torch_compile_resnet_example.html | 5 +- .../torch_compile_transformers_example.html | 5 +- docs/tutorials/_rendered_examples/index.html | 5 +- docs/tutorials/notebooks.html | 5 +- .../serving_torch_tensorrt_with_triton.html | 5 +- ...creating_torchscript_module_in_python.html | 5 +- docs/user_guide/dynamic_shapes.html | 916 ++++++++++++++++++ .../getting_started_with_fx_path.html | 5 +- docs/user_guide/ptq.html | 5 +- docs/user_guide/runtime.html | 9 +- docs/user_guide/use_from_pytorch.html | 9 +- docs/user_guide/using_dla.html | 5 +- 121 files changed, 1518 insertions(+), 243 deletions(-) create mode 100644 docs/_sources/user_guide/dynamic_shapes.rst.txt create mode 100644 docs/user_guide/dynamic_shapes.html diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 90d72dd356..f11d8aa4f8 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • @@ -415,6 +416,12 @@

    Class Documentation +
    +enumerator kDouble
    +

    FP64.

    +

    +
    enumerator kFloat
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index cb5164ba63..7bf5c5c5ba 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index 75f0e75a7c..309e9d71d3 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 2df0b1a5ca..91a6b42df6 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 9196d2b2e6..5bb4876537 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 6e45ae8027..910bedaf6b 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Define STR — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 97afcb5f53..8ee8242ce3 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 9755f3a052..40b9652e4f 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index 0248bb8514..f2f1242653 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index 975ec0bc71..06f3b9a142 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 250a412e42..d09b47bb87 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index d2b256688c..0167c89f87 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 8c5f6fd7b0..d3b94dbd8b 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 4d61e8e414..60592f2274 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index fcb1f54372..b1b7ab9c6d 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Directory include — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index b15226efc5..51ee570249 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 43ceb1ac9d..be50088529 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index 17430b9d2c..f07cbbf15d 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index b89f9f61db..8db81b088b 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index 77ab18d266..25c8023cc0 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index bc9d0d64b6..c8bbd48ad3 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index d233058dc2..b9221ebdb3 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index a0221bc69b..b69c4aa21b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index 71f4d8a34c..6edd58ea1f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 3dc7227855..3f52fff173 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index d430556e24..40a3755a6f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 6c54de4721..d5c03608b5 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index ca9959294e..4385b32a2b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 58b206ecd1..32dde5d13b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index ad2e77d20f..d238a312cb 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index 050982d31a..76a6c40edf 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 395818a97f..0c14a77ae9 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index edb774e1c2..736f411cda 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index e2f5684aa9..0970eea7fc 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index d48432360a..e8421a9df6 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index 35a24ee012..397aa77316 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 1d3d532c6d..2aaf9bde4c 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index d5ccfc354e..a1e94892a2 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 62df1cb8d1..9b239783ff 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index ca2bfca8bb..823bcb289e 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 07078bb023..6beb7a8722 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index d8ab5e30ca..0529b6fca2 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index f787080905..483d53dd63 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 3202878b61..a252899084 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index 825d718b10..4dd57a406f 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index dec9b34a56..1aeaf6f62c 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • @@ -433,6 +434,7 @@ public: enum Value : int8_t { kLong, + kDouble, kFloat, kHalf, kChar, diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 2b60b0db5b..8418eed2eb 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index 7e9cf67af3..7a584c0b8f 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index c3e1710b97..f062bcb743 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index ecb4809087..af8845f736 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 598b432b72..ffbb833ae7 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 7a0e344cca..b55bc137bc 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Full API — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 9eec4d9db83be8cfbb1fbbcc3593d3ff49abca69..d8710f0394ed016e469c24461acf4f3542113a02 100644 GIT binary patch delta 64 zcmZpyZ>;AH@MdNaVE}>GyPY=jN{BE6>CGA7h E0J7f~vj6}9 delta 64 zcmZpyZ>;AH@MdNaVE}CGA7h E0KC!|4FCWD diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index edb0e81a2bb2900011b97e4adfdadeaf5285d47f..f9d94e5e7928559a86fdc8407452ba354435a69d 100644 GIT binary patch delta 64 zcmbQ}Ink3hz?+#xgaHIz?{?bA`-O`cNN;B07UKakWW_VUjL99!fgpj&ca+1yw3$jY E0GbvSvH$=8 delta 64 zcmbQ}Ink3hz?+#xgaHKp?6cj-`-O`cNN;B07UKakWW_VUjL99!fgpj&ca+1yw3$jY E0Hg^Q3;+NC diff --git a/docs/_modules/index.html b/docs/_modules/index.html index dc1a1d902b..b7f384fe7f 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index a3cf84e6fd..05a14b97be 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 2ee8bb4e51..f137864ea9 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • @@ -430,6 +431,7 @@

    Source code for torch_tensorrt._Input

         low_tensor_domain_incl: float = 0.0
         high_tensor_domain_excl: float = low_tensor_domain_incl + DOMAIN_OFFSET
         torch_dtype: torch.dtype = torch.float32
    +    torch_tensor: torch.Tensor = None
     
     
    [docs] def __init__(self, *args: Any, **kwargs: Any) -> None: """__init__ Method for torch_tensorrt.Input @@ -553,7 +555,15 @@

    Source code for torch_tensorrt._Input

             else:
                 domain = None
     
    -        self.tensor_domain = Input._parse_tensor_domain(domain)
    + self.tensor_domain = Input._parse_tensor_domain(domain) + + if "torch_tensor" in kwargs: + self.torch_tensor = kwargs["torch_tensor"] + else: + if self.shape_mode == Input._ShapeMode.DYNAMIC: + self.torch_tensor = self.example_tensor("opt_shape") + else: + self.torch_tensor = self.example_tensor()
    def __str__(self) -> str: if self.shape_mode == Input._ShapeMode.STATIC: @@ -604,6 +614,8 @@

    Source code for torch_tensorrt._Input

                     return _enums.dtype.half
                 elif dtype == torch.float:
                     return _enums.dtype.float
    +            elif dtype == torch.float64:
    +                return _enums.dtype.double
                 elif dtype == torch.bool:
                     return _enums.dtype.bool
                 else:
    @@ -633,6 +645,8 @@ 

    Source code for torch_tensorrt._Input

                 return torch.float
             elif dtype == _enums.dtype.bool:
                 return torch.bool
    +        elif dtype == _enums.dtype.double:
    +            return torch.float64
             else:
                 # Default torch_dtype used in FX path
                 return torch.float32
    @@ -738,7 +752,7 @@ 

    Source code for torch_tensorrt._Input

                 )
                 else torch.channels_last
             )
    -        return cls(shape=t.shape, dtype=t.dtype, format=frmt)
    + return cls(shape=t.shape, dtype=t.dtype, format=frmt, torch_tensor=t)
    [docs] @classmethod def from_tensors( diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 22422a0cd7..66e24a75ce 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • @@ -598,19 +599,20 @@

    Source code for torch_tensorrt._compile

             )
             return compiled_fx_module
         elif target_ir == _IRType.dynamo:
    +        # Prepare torch and torchtrt inputs
             import collections.abc
     
    -        from torch_tensorrt import Device
    -        from torch_tensorrt.dynamo.utils import prepare_inputs, to_torch_device
    +        from torch_tensorrt.dynamo.utils import prepare_inputs
     
    -        if not isinstance(inputs, collections.abc.Sequence):
    -            inputs = [inputs]
    -        device = kwargs.get("device", Device._current_device())
    -        torchtrt_inputs, torch_inputs = prepare_inputs(inputs, to_torch_device(device))
    -        module = torch_tensorrt.dynamo.trace(module, torch_inputs, **kwargs)
    +        if not isinstance(input_list, collections.abc.Sequence):
    +            input_list = [input_list]
    +
    +        # Export the module
    +        torchtrt_inputs = prepare_inputs(input_list)
    +        module = torch_tensorrt.dynamo.trace(module, torchtrt_inputs, **kwargs)
             compiled_aten_module: torch.fx.GraphModule = dynamo_compile(
                 module,
    -            inputs=input_list,
    +            inputs=torchtrt_inputs,
                 enabled_precisions=enabled_precisions_set,
                 **kwargs,
             )
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html
    index 2fa5aa0ee9..9d9d368074 100644
    --- a/docs/_modules/torch_tensorrt/_utils.html
    +++ b/docs/_modules/torch_tensorrt/_utils.html
    @@ -9,7 +9,7 @@
       
       
       
    -  torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation
    +  torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+6571252 documentation
       
     
       
    @@ -222,7 +222,7 @@
                   
                   
                     
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 3571d64ddf..433a41936b 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 5496d6b619..93b86d91c2 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index f3ebe1365c..56467eeb1f 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index b8bb185508..faf786c395 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index f7f22ecc5b..c902fdb723 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 1d75a851ab..a598e0fa8c 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index ba97fef900..07c0b481d1 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index e6da3d259b..200c605885 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/_sources/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst.txt b/docs/_sources/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst.txt index 07718fc152..67848a40a0 100644 --- a/docs/_sources/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst.txt +++ b/docs/_sources/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst.txt @@ -56,6 +56,7 @@ Program Listing for File torch_tensorrt.h public: enum Value : int8_t { kLong, + kDouble, kFloat, kHalf, kChar, diff --git a/docs/_sources/index.rst.txt b/docs/_sources/index.rst.txt index ded3b99c9d..18fb1185e8 100644 --- a/docs/_sources/index.rst.txt +++ b/docs/_sources/index.rst.txt @@ -42,6 +42,7 @@ User Guide * :ref:`getting_started_with_fx` * :ref:`ptq` * :ref:`runtime` +* :ref:`dynamic_shapes` * :ref:`use_from_pytorch` * :ref:`using_dla` @@ -54,6 +55,7 @@ User Guide user_guide/getting_started_with_fx_path user_guide/ptq user_guide/runtime + user_guide/dynamic_shapes user_guide/use_from_pytorch user_guide/using_dla diff --git a/docs/_sources/user_guide/dynamic_shapes.rst.txt b/docs/_sources/user_guide/dynamic_shapes.rst.txt new file mode 100644 index 0000000000..28320956c4 --- /dev/null +++ b/docs/_sources/user_guide/dynamic_shapes.rst.txt @@ -0,0 +1,218 @@ +.. _runtime: + +Dynamic shapes with Torch-TensorRT +==================================== + +By default, you can run a pytorch model with varied input shapes and the output shapes are determined eagerly. +However, Torch-TensorRT is an AOT compiler which requires some prior information about the input shapes to compile and optimize the model. +In the case of dynamic input shapes, we must provide the (min_shape, opt_shape, max_shape) arguments so that the model can be optimized for +these range of input shapes. An example usage of static and dynamic shapes is as follows. + +NOTE: The following code uses dynamo IR. Incase of Torchscript IR, please swap out ``ir=dynamo`` with ``ir=ts`` and the behavior is exactly the same. + +.. code-block:: python + + import torch + import torch_tensorrt + + model = MyModel().eval().cuda() + # Compile with static shapes + inputs = torch_tensorrt.Input(shape=[1, 3, 224, 224], dtype=torch.float32) + # or compile with dynamic shapes + inputs = torch_tensorrt.Input(min_shape=[1, 3, 224, 224], + opt_shape=[4, 3, 224, 224], + max_shape=[8, 3, 224, 224], + dtype=torch.float32) + trt_gm = torch_tensorrt.compile(model, ir="dynamo", inputs) + +Under the hood +-------------- + +There are two phases of compilation when we use ``torch_tensorrt.compile`` API with ``ir=dynamo`` (default). + +- aten_tracer.trace (which uses torch.export to trace the graph with the given inputs) + +In the tracing phase, we use torch.export along with the constraints. In the case of +dynamic shaped inputs, the range can be provided to the tracing via constraints. Please +refer to this `docstring `_ +for detailed information on how to set constraints. In short, we create new inputs for +torch.export tracing and provide constraints on the min and max values(provided by the user), a particular dimension can take. +Please take a look at ``aten_tracer.py`` file to understand how this works under the hood. + +- dynamo.compile (which compiles a torch.fx.GraphModule object using TensorRT) + +In the conversion to TensorRT, we use the user provided dynamic shape inputs. +We perform shape analysis using dummy inputs (across min, opt and max shapes) and store the +intermediate output shapes which can be used in case the graph has a mix of Pytorch +and TensorRT submodules. + +Custom Constraints +------------------ + +Given an input ``x = torch_tensorrt.Input(min_shape, opt_shape, max_shape, dtype)``, +Torch-TensorRT automatically sets the constraints during ``torch.export`` tracing as follows + +.. code-block:: python + + for dim in constraint_dims: + if min_shape[dim] > 1: + constraints.append(min_shape[dim] <= dynamic_dim(trace_input, dim)) + if max_shape[dim] > 1: + constraints.append(dynamic_dim(trace_input, dim) <= max_shape[dim]) + +Sometimes, we might need to set additional constraints and Torchdynamo errors out if we don't specify them. +For example, in the case of BERT model compilation, there are two inputs and a constraint has to be set involving the sequence length size of these two inputs. + +.. code-block:: python + + constraints.append(dynamic_dim(trace_inputs[0], 0) == dynamic_dim(trace_inputs[1], 0)) + + +If you have to provide any custom constraints to your model, the overall workflow for model compilation using ``ir=dynamo`` would involve a few steps. + +.. code-block:: python + + import torch + import torch_tensorrt + from torch_tensorrt.dynamo.lowering import apply_lowering_passes, get_decompositions + # Assume the model has two inputs + model = MyModel() + torch_input_1 = torch.randn((1, 14), dtype=torch.int32).cuda() + torch_input_2 = torch.randn((1, 14), dtype=torch.int32).cuda() + + dynamic_inputs = [torch_tensorrt.Input(min_shape=[1, 14], + opt_shape=[4, 14], + max_shape=[8, 14], + dtype=torch.int32), + torch_tensorrt.Input(min_shape=[1, 14], + opt_shape=[4, 14], + max_shape=[8, 14], + dtype=torch.int32)] + + # Export the model with additional constraints + constraints = [] + # The following constraints are automatically added by Torch-TensorRT in the + # general case when you call torch_tensorrt.compile directly on MyModel() + constraints.append(dynamic_dim(torch_input_1, 0) < 8) + constraints.append(dynamic_dim(torch_input_2, 0) < 8) + # This is an additional constraint as instructed by Torchdynamo + constraints.append(dynamic_dim(torch_input_1, 0) == dynamic_dim(torch_input_2, 0)) + with unittest.mock.patch( + "torch._export.DECOMP_TABLE", get_decompositions(experimental_decompositions) + ): + graph_module = export( + model, (torch_input_1, torch_input_2), constraints=constraints + ).module() + + # Use the dynamo.compile API + trt_mod = torch_tensorrt.dynamo.compile(graph_module, inputs=dynamic_inputs, **compile_spec) + +Limitations +----------- + +If there are operations in the graph that use the dynamic dimension of the input, Pytorch +introduces ``torch.ops.aten.sym_size.int`` ops in the graph. Currently, we cannot handle these operators and +the compilation results in undefined behavior. We plan to add support for these operators and implement +robust support for shape tensors in the next release. Here is an example of the limitation described above + +.. code-block:: python + + import torch + import torch_tensorrt + + class MyModule(torch.nn.Module): + def __init__(self): + super().__init__() + self.avgpool = torch.nn.AdaptiveAvgPool2d((1, 1)) + + def forward(self, x): + x = self.avgpool(x) + out = torch.flatten(x, 1) + return out + + model = MyModel().eval().cuda() + # Compile with dynamic shapes + inputs = torch_tensorrt.Input(min_shape=(1, 512, 1, 1), + opt_shape=(4, 512, 1, 1), + max_shape=(8, 512, 1, 1), + dtype=torch.float32) + trt_gm = torch_tensorrt.compile(model, ir="dynamo", inputs) + + +The traced graph of `MyModule()` looks as follows + +.. code-block:: python + + Post export graph: graph(): + %arg0_1 : [num_users=2] = placeholder[target=arg0_1] + %mean : [num_users=1] = call_function[target=torch.ops.aten.mean.dim](args = (%arg0_1, [-1, -2], True), kwargs = {}) + %sym_size : [num_users=1] = call_function[target=torch.ops.aten.sym_size.int](args = (%arg0_1, 0), kwargs = {}) + %view : [num_users=1] = call_function[target=torch.ops.aten.view.default](args = (%mean, [%sym_size, 512]), kwargs = {}) + return (view,) + + +Here the ``%sym_size`` node captures the dynamic batch and uses it in the ``aten.view`` layer. This requires shape tensors support +which would be a part of our next release. + +Workaround (BERT static compilation example) +------------------------------------------ + +In the case where you encounter the issues mentioned in the **Limitations** section, +you can compile the model (static mode) with max input size that can be provided. In the cases of smaller inputs, +we can pad them accordingly. This is only a workaround until we address the limitations. + +.. code-block:: python + + import torch + import torch_tensorrt + from transformers.utils.fx import symbolic_trace as transformers_trace + + model = BertModel.from_pretrained("bert-base-uncased").cuda().eval() + + # Input sequence length is 20. + input1 = torch.randint(0, 5, (1, 20), dtype=torch.int32).to("cuda") + input2 = torch.randint(0, 5, (1, 20), dtype=torch.int32).to("cuda") + + model = transformers_trace(model, input_names=["input_ids", "attention_mask"]).eval().cuda() + trt_mod = torch_tensorrt.compile(model, inputs=[input1, input2], **compile_spec) + model_outputs = model(input, input2) + + # If you have a sequence of length 14, pad 6 zero tokens and run inference + # or recompile for sequence length of 14. + input1 = torch.randint(0, 5, (1, 14), dtype=torch.int32).to("cuda") + input2 = torch.randint(0, 5, (1, 14), dtype=torch.int32).to("cuda") + trt_mod = torch_tensorrt.compile(model, inputs=[input1, input2], **compile_spec) + model_outputs = model(input, input2) + + +Dynamic shapes with ir=torch_compile +------------------------------------ + +``torch_tensorrt.compile(model, inputs, ir="torch_compile")`` returns a torch.compile boxed function with the backend +configured to Tensorrt. In the case of ``ir=torch_compile``, users have to recompile for different input shapes. +In the future, we plan to explore the option of compiling with dynamic shapes in the first execution of the model. + +.. code-block:: python + + import torch + import torch_tensorrt + + model = MyModel().eval().cuda() + inputs = torch.randn((1, 3, 224, 224), dtype=float32) + trt_gm = torch_tensorrt.compile(model, ir="torch_compile", inputs) + # Compilation happens when you call the model + trt_gm(inputs) + + # Recompilation happens with modified batch size + inputs_bs2 = torch.randn((2, 3, 224, 224), dtype=torch.float32) + trt_gm = torch_tensorrt.compile(model, ir="torch_compile", inputs_bs2) + + + + + + + + + + diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 139a973e8e..4bc9d79d7f 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+8ebf24d', + VERSION: 'v2.2.0.dev0+6571252', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 357175f503..df8c551aa0 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index aaf99a5cae..192ef40dac 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 22541fa39a..8c3fc86abb 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 349210d791..1b31a783ad 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index ec0f6b5ea7..65c3962631 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 8eb293e905..15b6520e10 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index d679a4a28f..32ab41eba6 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index ce13621821..524fb411c6 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + System Overview — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 789dbebd44..6d7e2da3c6 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index b86e99defb..32eae11f4f 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index caf1be183a..9c9898b067 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/genindex.html b/docs/genindex.html index 139fc7a653..406bf7cf2f 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Index — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -266,6 +266,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • @@ -721,6 +722,8 @@

    T

  • torch_tensorrt::DataType::Value::kBool (C++ enumerator)
  • torch_tensorrt::DataType::Value::kChar (C++ enumerator) +
  • +
  • torch_tensorrt::DataType::Value::kDouble (C++ enumerator)
  • torch_tensorrt::DataType::Value::kFloat (C++ enumerator)
  • diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index 3914ee85f5..39615efa50 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index 025fe35b46..a9bbd6565c 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index ab289e4bcc..4fd1369dbb 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index febeec87f2..9e1e7967ba 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Installation — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/index.html b/docs/index.html index ec615b077f..602b09e159 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -268,6 +268,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • @@ -418,6 +419,7 @@

    User GuideTorch-TensorRT (FX Frontend) User Guide

  • Post Training Quantization (PTQ)

  • Deploying Torch-TensorRT Programs

  • +
  • dynamic_shapes

  • Using Torch-TensorRT Directly From PyTorch

  • DLA

  • diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index eef67f54ce..c2fb6a25cd 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -268,6 +268,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/objects.inv b/docs/objects.inv index 9edc0b2ec770ccd8038beda391a0061695f42fad..183f42517341bec2619b41dd2059b51a19318b93 100644 GIT binary patch delta 22556 zcmZ6yWlWw=^sb8(hZc8tx8m;Z?(Xgm4-|KI_X0&<+@0d??(R~Y^E>;0_Swn)G?SGz zGs((iC3DYpKhA>h&4VW>z;Lj0vaqtV)~m}x0PZ;U?@$8B%)F*l(3b{Ks;e z;$UP>92gn4d^t1Kicox1Tg#O1MShGClm399atv8jBMf~z$8+*5?aa=>W6x0fGSJ;L>7r2<7tmrC(5i# z9&7(_9xBZo#mrE6#XxEwE9gg1V)0 z51?kA-u2vZjNK*OP{zp5>sUkE@jkRo5bRk$C#ht>G00Scuba4f)0M!A7dwZ7{_bbz zFYr%&``)-Q)e*7)iYx5$@cbh^f65%OTI-_D$4ARCuA)5N5V$O+(z!_R;mM0SXmTYU zddM1%FGyP&^;i8I_mtD+KKl@B$8>x&g`n*}PDv(g z@htH*8GK>qW^C_GgN|Bz7tI;e#KIoNWLJtn9&QE5j$$oCrvd{71u<);y@LUfc6*oqDj{tynzaT>F$4c(hvuAyBIsDyt%z zXRb>%H}Gd*n^S;iXg75y_}jFvTbBOV`mDcVz~ndIk?(Z_Z+{tA_8(ISibAR+@xy7f z5)+3K6hN{C76Qv1oMfIwj(2a&$ADfg`>I5mO5pCZ{;k$NbP&k^HgXGOXj$SfW#`|; zqYLg8dt15NKUX2hPQ<0Ce0fwhH~I7MJa}JtVr7dV0XudD&)C<&hac+F$#H0uoqPUr zCc$p}V;M#dyS*u7LBWU+W!GOnwjMqIy_&i`L-_mqax%^O-)-|zD#yolVFN~Gt>uPt z*Fi<29~C+*mM<0Cn4fuIu_#B4CQEm!Bi&s>v!bU~rL!dz1`@ZjX>RDDo6Pw6IC1pW z9H_aX6?ZSxQNCBDWyhl_{dl>R0)1AgVL!61lJWl*c@2={Fg52u+5fINSb(29Ew`=0 zFdz^4?}}iYKHRenzoG3ilmjI)tC5QfZ>|}_@MoWlWnBw{GTgrzOVpTi5B%eB9#T3U z&4lHbM$H72_z{+F659RGDmU_Apl~TZeKot>^N_4)nR78uqyts@gHnY5-N?d$@(wB0 zCv8*|R~XLZt6VR119(zrf1-}mQTntO#h%?!eh*DUCQunniV6iN`Kq$vBV<#V*(&QVGTmZS#F@GBDk{vD`v%G2D< zQQ!3|qD436UU73*_arbPfwbmW!k26k-k}Q;Nvf}E)vD=oR{?CT9rLHZo(?_uX5KFC z;XW~j?k?q}%08YnP%W1}eZE>TwM*4EY^Co>9c*K}LY7PrLADy<#Goh>eFB@;Z1e9@Ae|2$EWC@wx* zV@y$10wO4B!Sc(JmByJX%LJ2+34~U-A(g^T);z50-<5!pN~FVe>?qW z|K@~D{LQ$3O6ki@C6W{p{L>XN%B

    m`GKd^zuzzWkh7FvCj0Zy%4%gd^m>|5pk%6 zL3aSUK^_ZS`t7<%qw#B-m&%uPC&D}+Ju3^|7$8>zj%^{x3h}MBMKVSj9O1mnl>8GL z>neyB-QAa!a(bWYZK`@X0{7dq_Rle&k{z>%OYEW%`9Vd@4pn8Hhef{y&hUe$ z?)YC9C)*#U9s^ehU23g)6L=}dnaSwjMX3;^^hvS#Sn$rI{lzMKH4m-RLkOBq^}?;X zOzSxqA7-PMB?v{96{r(7@Z$~Xv!NrZs;`ySUu`+VYyG9fs9DCTjK&16^ z)EOCOSERAoX7~1v=%fc~*sDpqc?%-XaH9l5T@zxQoS#?d`vdrJROz>q4rc`DiYdS+fS(+1gcwfhRcAS{7|?^$ul_PhRLJNnxjhMQYC0B~31 z;MlXlk;imS>uD#h$`3PZZJkbgI)EjdYLOXVEqNZf$>F6F)tJXvyY=;|td#71wO@7j zO}F!re17VFV?>jpBkXoT?dA6A{hX=4@}MogTIQIhW9+6e<&^KkBf!_ypKR@~=SzI` z%=}z&!E4z9ZYdR85Rtwpd(Ns7P-m?o7O*<+oaI8pxc~E1g(n@u7T3TiLtm$1bWPoS7YbYKsipY$`Gx z5suX4#ntpS(a(FY+Yal#nmObCxi1~}2ifZw()+EGl(8!=YceTklA|TD0X0T<1?iNE38WS@{YJq%O>u@ z9zE2D+SLAWca{;Mxtj1ex@3L9?)OSW=T?BW5AOnc>?F)5$o&-k7Tfhf6?%%F52t4)n+4SLy1B)4~Q zHewJW!kTx_w%!AeIwftE8>(udA@EnWY=gdAy*42a;aVKtI;%zch#$Wxb9!8F@Lg&m5>lYE&l)Uk60 zHk(!yT*_UpzsCYd{?(5QZ^MTrEyzo%G83X zviy@x_ALb!Z{j zHu$H--WlfJnMRCpH3>I+{Ty;V-I!(N9Ekh}B=SvNHI5*v8R7Kc`4~#Q;x=xS5BIh< zi;T^wn(B+evHXQYxYI`^MnxGs1_g6XdA7F4nBm6Pq#-Xv7$Y4m^;9s(9Y~}za8^Vj z>nL1ec_^S6YS{HxZVq{lQHB?@ju?xCL8J6?_5z-XHz^OY>o51#VV7SbuW0|xn8kCA z{8uAW1xwM;=g)(33UWAf@Z~ZlKsH(THd#c{h7H*9yI^)F*-^VTVPz&eq;^IGFLAa! zmC+D%Gym(5Z@EUSK9a;m!46a_Aqd%I9s?qP%*9iPyjJaV{pzX`1lsaYih#1*0L)#a z%bL{<=V%F}sI>p63166CU>H=v9xd&IKHfQ)?#iP703sV?N7Qx9F&Zy7+^g7~sg85U zM!v$QMO@7r<`PZH!r?u2?*uoTUjLebjfuMA>E@uDH}N%Pc`Wp_@F$@-JA)IYL#-4r zV0K{rhPl8nGE@dh!lpm(fBxFBN<>P!Jmfn za7l9dWqP?CA+_Db-4PEPFW`j+%o+USxD;5Ri!|2Le2Jtpk>;-vMC(Rx*aXeXFU)wzJBv3&wJPn$`*BjFr2?_Ly66 zuMEci2Yf!T`-k6h*%#hfIYnDjEe3i-Ztg6~Npj2JscA^3Rct0J&}jxL)777+D`n{w zOH4azE-DE&Pc~ov!YEr}70HGow2dtcKf)_km-;IvSr3&d@H0~klT5A-g<5JM3u~l3d{E zLciz8<8JPTnV(l9pcjt7*Yzy2wKlc0&|$7VX+UL*_~VZP$w7%W$FEIxLxkf+{A7#Z)l zf&=OlDwBTL4+0Muw1z%8`P?%?gZ(~g3N z+5&4}u-L?yxx*J5?WynO@4onM;lV2P-N-@J*SEf1u%IP^VzZ3oYk{~9QZ%ThHg;X!%_SLEwKk6hiFU9Y*ZN>~ zeZDoUY&lX3klbwyy3oVOv?6CzgERRMuJX%`#<~-IWWgcql_-0}4E zb>zoD8hi9$!e=lkId5p#8UADmhTH4urcQN_j$||AtdHon$cDeYfPc5mT)rjWy%{|p zzx*!WDn!^dU;#0U>km@4;6DJVu~4x2%)%!fF)987TonrI>IqT{JSZRJl3X;iI6l~t zPyH0!1GxAb2QtdUNq(WCz`!!YLTrZzh1y@hgjsOcRPqiBSk32xqs+216GL@&7*SRZh%=@98S(B-s)9)u{@!i4ze^|B6Y$rV_#=|5kzV#)CVH!4;Tr(c9`o@CUGQR8Q za0k`in$3%UTDAlK_Me)&n=2(9XNM97YRvqt2Q>?};%^rUHRaHP zmLv`>qA1xKJU4)MmGQ47j^V94Em8Eu6hrsu5|cy+BUHW9Ktq{++n6BqkAJ~qa~ka+ zV4$H2HNWliwDZtZL|Y=T)Cg0yS$S6FL?HQtMaw6eS^9K2$aEuaF`p9DU)%Y7fyN|& zP}KTDS|6Iu*aD>h{_p*NV#d?$>7NsL!t%>gJNpJ7Wacg z_eW1HxrHuc$LsLR1eLnr$==-?cV1m-m93h)PpSpl&nFpsd{a_?-hMFGe~q2AtXtUu zFUZD(1qC}+_J3{t9PZfGJQBp&7cTu#T$K7*Za@V{ko6_?jY}CCj9KwCT2P3ttP5sONJ{60dP(aE47_Q?(@y6 zU`jgipOPHNalyn$GW9^hJ(@&b9_Z0k2>J@-!Yu z9SW!CV=7t<;7Ja6->DJ?I<07k+YqZpco-Ed(Q1;m%K4_|`74Uy*1i1t^}ytPGW zd|@WWRduF}vh?Kth%&do2nMAI2i#f3j&yuD>76}v`p@=wdM{oxo=ocymJw9iNJt?=CcR+{~S)^+S?yR_b?jT;kL(B_5nylF>&kTqod z=?cLgP`wysEA99ji3KE$^y`wZPFK|R`{&@AD!W+Hi$_@|_qlKuoV~A#&Z4pb#Z-ZH zqh^!mxB{_dy7|6hLGlZ>6yjhVR33M$9M$G8wjvk22tv{EP_Un{`B_s4g_<+1M+}2|fsZ6#du)|5pF0Vf3_EYTk)Z}*2={(wPc>c_J zw(~C;*-%~A83W3kxsVmtQlhCmFEB_vJB7cIkyLS4SI{7VO&@-CtToZad9L-upqw12&aEgx5C41(_I#Z~c~uG+rHA{$ zC|^vK!TXF~6!Au5NSYGewg^dT&nk*95&isnD(bSEW!LbU-WYJQiO=ga{UO3L`mn5lRPCdE2vc zqqbk~P!&UeK>lJ}?e5-y`fW|b`IDnFOafm}*2-jUgTeKIjR_~`*z3qHd%faaiA|BS z*wbr(d$I<%AOojJRGJQl zFIj#;23>o+OoMjP7*U?CAp0$@NHsS=J9nm6SNi!{)rrVl$iGpi&*G+oRQ0(SZ z?LkL)L9$*Qb!7H}=VKt)2<7#{;aYXZ4o8`3QbP(~5;TfC2=~;zd$W5>j&BF`zoNi@ z;q9X5$dPM)3`Zr21z8XVs^sjSU`;orU!CqT#u+o_?PxO&NR%4EH(DykTaa zah+EFs5)Dci?ZYFW^qO4>5^t9>xkN)s!FZ|e*}DLN?q~A=fO#Fh66*x6|4?)VXD%L z&QI_~XR|~S`RGZ%8rk&YtHLYsU;zTj<*La!$mt&jxQy2C2h2m|I|66Uk8|z}g~ca2 zRc<)%cNeNN9*_+JuMVW{=&^V#pQdQTD+nCXp(ERM)l+CQ-ek=JI*ybc_+4lUbg(LN zJm_;rz3|@DYYD=qG$&nfx=dZ1sJvlY@*y9S1GnxI&JQz|8aLGK#k@MFaKK62?nyDP z!3}o%IUbg)+o8FTj};S>H{v6Kp(8&!M_5?{NHFxEo?UssI7yYy6n_;pMf?n3vz|jW zYt4nxMv#g3(QUd$XqT$T@!AsW>m?s_U%RZ&_iS!^KY~0G*cp(x*QS}Vxx(>A0brWO zC3By~AM4pm{{X{)SZ#9t2_&Ue@SlGB6`^QgEPdo%DErxxEWPfYjYNM|yZnc0nz8>> zJ2AE4q747mrX+Zk+nZtZC(~olJ95KfjqC?5PLuwQ=5*zK`wFyy{=dN`*D5{3Z-=Sc zvW4>$b{f6$q7OpL;`@(eT1~CFADye>XTGVLvX4ll^MoFGrOKs`_<#%)lV=Yvj!Jf# z*-*67ITrD@!-G8jQ!F84gO2=u;}M_T3;X=bQ+?UZCwubSH?2I)7=8UzO~HxgM4#ptsR^t-oy{NYDq(m`C@BWq?v2dI!UH+Twm#X zG3N&=*^A>GnnROfE`i0TwtkN1t4m@JHDhk3s-bbLz5XJLil@Ils{&I4hdx1g!|DWn z*%fw)6Jty~&LotPTJpJl)ki zHy~*vo4z~p9RtzF{Yqn{0(Ir9mQM>~cF8;3LRM`#Z!B7UlJo{t?&g9CjjP-u`GV71 zme#o!!BFgli+;iue8g#{hBV_Vz>YOYk-j?FpQu^fW7BR0GQON)qD(8Sjgru>BU`>* zn~9vZUM=EhyXBAEoD=g3{eeHY1|24Qgz37Ed_C?m8Gv!q#_=C_vuS(!Wj~ZaHD*)` zP5S#(ChT{afR=_nuMcdL7?j(}aUlBKrFLhTKIq|`zA)A{CVloNo=4g40OeXl_ISXk zZkmWBvvw4iDZ1pjRq~k2WVAUw(@QZ}4_lJCxQv2qaYvi_fzFrsqNvOH6nD^CN|JLkctk}bAl`$dbg5Lmq6eJZ zUpj0@X%KYD@`o-UkBa@Jl^-zzdl7yY!!I+~5g;DEH~CJ(b(zB0;%IsNU@xt&PaF+* zKf?}yuP3<~ec zHlzeYPzT>FzdU-VNIdjZA3VK567wl!X&M->Qw9}>P~qZY6K0b6SX#qMp27qjk2U$f zGQjCq@TKq|-W-Ur9y@z@4y(hhIof%AzQZV?oc^2R%m4qqcUMm{zh z6f_zm{7MlXteZC4d0Kc3es$?F2+m$PB<~o3ZZLPxDs0Wv$HvwsYUx93hWROe&aJC? zRx;iGG!V1p8NM)jv-s$5>Asf_Py#?S>v3g~gUeW9HojJ12X9RxUj40?DT%~I{G{Av z=j&(6q%3N5NpG1oq7+>>=uyW~UPg4+Xik1IPk$X^FcH-6v-QnKb-2!Nrf6jPJ< zpk{T_hbkcf@?nKz^(7w@%iEv~bFFu3YKFdpEGz;njG8}L;vCEOim~k^a$xaUiYFR% z(;Jn6<&r3g8(LawIh~C48T>bq4L7E4W_N>$dA$YDH9kJ+)uxR*Y1NkBL4E}1nkFO( zx*xm6ZoFqwF&Ue=yx#8~A|cR>a@=1=H*$F5%-iZT)t^2^iXcMu_UK&Uevyoco;fIp zO#jPQ805J73_BUu^H0g107#6ULk^)F-6^CZ(sBTM+owTUCCF+0n?!y~F6u-+r?D)6 zZfhbX``C0JF|ohLE%ersk5JEu@g+iJ@h%+0n`vAlU5ncA+lRzCPMH~|yz|lHzkzc^riP#Fsk+1JB^?WC{5v-&N-SE&J1`xW$Nbxj zQaiO{RA|$LF5k70IL5iNY7i%;rC%qmMNAN7)x(9=3Kz#Vjtoke`q!XWQ z7VWHuH6!O`<|q+tl*%t(cEM6&MfHgX=-wD-w71@tVGvl@$ z`=Kg>#0ox#??+92_En1-1!4Qc<@G=Zw6UNx@&N(5(nly=Rm)kMJaarKU*7Q3O5^p{ z`~fpa%zN_90_Mt>E0aJy`G*#j4+;NqLG7?rg7E}@;5P|_s&TwK^*d=rKc@W;B{nWD zt(f3SvGewuy7;P$rgf|o7f>^kq`&5-U%2(H2om6F- zu42&3fE`3<4-FN#!LR@NpN0iAXF4Y*=xgN?)4bH8RON23f!Jpdw!zOVLq&p9X+hx* zg9Y>svj61oGZ!;cKxOPx1zhP8Rz%DPnxm)5<-rhh-ge;!nM%)6Lsb<+9Da3Mo`S|j z+F^f>P|Gxzcb>>R;6E3#Rr=6kX|oEFNF<*EG(0G3?|&xnr?gY7NEtVqxAJ}mA$W&u zqJtoLj3gV|Nmy1RJVWNblgn9M&S>1)1~k<@3bb=F>82-AQ>+NkzTQ7ND(9w( z^OJv*%_^GUhUM_;4|Z%2P8FvOFYA*6*Px*sxWXZiz$E5Ns1l`T+gs_7$AVj*Qn#gG ze+lH&BJb(%I?;tvd3m$_Y|(P#j6$z!FMIDOv^2#?OJBj|R%>AA zY)Cod{uXV~=E;3^Zzv9t9U=jcu7oTeHbaDpq#2^&Rt0{VvHd39w%0s3&D_#4R8Ee4 ziMxdVykG=YMV=--6ay!s_cJmuGU={85a&j?*7*21u1Glc6R0{N0}`=TBAGjmp=5NU zL`%ntxW$WQ)rsjT7Z;lYGt@ee@Vs}}v-!nUwR`IRS_{knX!31B2y6zB#$Gs{4QO&k zLhZ;JCXAJy~5y?^W^14*uXjDsgYLKYJFN6R2u)3t@ps`*ta8IBFuS+a23(zKM*nU8*C4Lux z4G2wfQqca(QpV5NahXc)i||S^M!eJXjpAMwPFS$@%5hv9xLs;tb+QVH+cMJHP4jdS zvT_rwyMg9-q9v%eW0eYD-6-dPd?UA&M;sS2oXqI%vb$dirN2AL2!ko=Fkx#4{VlGF zY$T42gHq0Lw@j4e{O#>BwagIfmR|gWZR^+Y@2&HgG$Ho%hOy#L=)KhE-b%PZM;weq zITh^U&%aiyz>y{^byEEZXXL>%C62LQatvp;bjS$jXu+*K>(eu3BK|fxS&U-?^imJx zHtLC24^)%FmsL*Otf#vwOOgS@cKcP*ytSU!Xyn31vNDBoJ65p@pO}oVaaPcKPg%j5 zx)KG{V%9GmP2pJdg(r9oi#+nSTm|`nAeq(aJ4}dYAi|R~3BidWy{F)i$>XpC^dR)O zbluKRPQx(R+LJAgr`K?AR;jQmLdUtf4-iCn(_}7|3U4rDvD=; zO0ImM)=?n;i;-?BfCj}GS*ni|0(JzF?~sDzE)vDsGu{2=_1DEU*SS)o&-4-m>GP>i z!Vi^a>R5NphRafPXpcTufVk7k^1HIsAKntI`#o^nH8Ro+#c$-XL#lUuF%fJN(5(I3 z;stZp&9|^x*(VW}n?=>=*0=$h4T~{@y420U_rJE(oN<%3Qk*~L&taEiS8OAiuiKYU z9M*%XjT7wNFGRJCzlV}~uIJnHtto^y-c+EY)gH*GtY0~jZGY@Nj;e621i?8*&X2%) zTOX7jM2?(a{HO^n6ElEgd5#77gB#w>HC4SH&j* zOtFn&1y&N?5AX5m-G5*-JR?;s;|PVYdV`huu+0_9KK{$sK_bD8U?iJ+Qo&ulsqAw6 zGv_;6iT?{~Q5!Rfy=>Cuvfj1dV4pA&HVr=WX&LpowLHuSNvpRZy&KFM{Un+oH|`%Q z@@j8D9W01NG@vusXV?O57}WD~Xwg*sVV!eU-O+;CvL zL)-Z6PHLdK!(Rx~LZbLEm+udkPFztxX<-ebs1jvypB#@f<($x}INboU%YW-$jZLC4 z$-wsAc(!DPN_c|?j=n>|$2yXO-4YGx&=Uv`^hslfxD4DjR- z2;kD20lI4nPJ*6PbN@A()3_y70jSs|0}tr#?0RI3-5dy^bq%DfphYIki>(OeG<`}d zVX|(XnZzzUPJ>r$^S05G0o`3kgYnZ-iv@-dGgeQsDZo;F-bN0qaQ%+5k-;P>XWSV>5cwB z`*J>FfsX6ua2DqNiw`fZ@dNBJ->e0!eO$gBZr(F?qG=Dj$bijmY>U}*u2-zE(|6s7 zn~c`%(Ex@{+%W#w9qJ>c64$Rokp(bh1Bq*!0Y&&UQ-`-0w=K)B9HU?sLkHi&dATUC5&nd!bgCV*<68@-#4)RkT>`P_; zXGFf096sEYBbbgvl~TKNdSc4&oa=yb;a$${&-%!xy#y&^8X(aa>v-z3kI<(8Cx%Rv zcoc6=7BGEnd)cbyRzV(fV{9nL>G>%Muk<%q8F6+bZdm+N7FA4)r>$>MrNpJLKl7=A zSSDoXQda8US+Ey%0V)G@v^ZGjK25_;nyrsK+Pwz*HllRVI+;fz#pQcEeYYJK|2K6B zQlhMJ5+P%`FhFAWo>)+o*rn}*CX(#epL;yJ1q_k&_xg0};*<3#LbrpKTBLq8QnyV0 zyX>_C=3R=eGq!h5i^02WVc8NVc;ucni_CiZPUpFN5PftGpPe4x-)9$i zqGvlY`{ z-^hDf7GJZ|%>5WY-ze}Tzk{n6xlZQ!#46xq_HETm9ioNKjW98auzHcI2BOTQ!20jS zcQG>v^OQJR4hbd$?1{OCOK69|aja^03exn6 zT{=E!q5;z`umt^Wb~oC3$up01=8p6{B}5{QV{{*+L{(P#5w?cin>eTV1%BC+bp{ug z0q{dEvsFo3pJ1c14f2kgt@zW!AV}gSr7p|s&)QDHQ6^m6x3nG%h#uHvw%Zk#fH_<7 zQnA45KYm3tY@~d$=b?MCJ=*jU#&r+731bIaAOPk&h>6E1mes%%H{xzRYD5#Jo2cx5 zR4q z96gDXba7z62yVZkLMm40otQngltSTno|%ARpO%Kk#@b48WLfCON}x#Yn$p)q=?(ng zjkEY=6_vXihONX04Y3#l%fkRotQ2d|Kg*Lov~67*lcw~?%IqIzGICST#P{1=ePMx` zXf5;$WPz>;hh7l+`sLz+*%&CZ>O&b&gF8&u1t{Zxy2DbMvnk0yrLulo@@lW7wM}Sl zoHeq>&{{**dbO&1fT#C|r8i~Ml7LEM`Ig3wOAmq=$A=ilMM_f-GDiwBkB1(w>1_z_ zb&&`@R5RihHEJvFbD^u-0I!p9)y1e~AGEeEe&o|BJ)RAF;45yMi=raflad7Pi!nHP z2BYJS#OMUvA`l2BgEjC^kiWRI-u`$^lT5j?ZEHK{it-&>#ew!XecR=6waosoyv1q6 zUBs0?5VReCYeMO>_T3@ReKUxVpy6s{GtPNXoiIp|l-|EC%GW zgR!%NLz8)7bn|I>dNOhwb`e@4`U%;{H~=7{b?82lzQcf7$OXiJ4q&owP$`g*JDSTHO zfoy$BPgS)VIow?gW4w9Huw*Q;^~P6HR|yXDVZU;r9U%`$e!s<3(IL}BqR@6sQ~Umi zhX_uZcV0QYa6*)5`{9e4Kp??8tTZ&~%P>+(e+rOlI5;VjOsszwJK& z|F5Y*?|7G`V}+mc?S%u0E8(z^MvIAWmarB?18&2NH;2}OUF!y9Z&T5?@U#AQOxe|F zqF&nICh$lt;?Y>AGuf#(PtBYKI3!>>Z|n0^F{|Abmy?%ueAaZ(!)Va z7BcF5+vE=rHm%ZgR?^Tk7oVqQsHd+xt<-utQ{9I&IHVO?KBjX}bYibs1}6zVqFi9v z;y!*um*6OK8x&0J?PnaY6Uz7k`(9HucUkk0OUWl?dGk=xdHM|pI6YtIVdU}Tn_DYR z_{!9)kk7SF(gT3uZSf{s;JQgSFDGxLmi>Fpi>yb|`%iyuF3`H<7B&@K&Qa#@i8(Dg z=FfxTc0S6km{47)I4RGC|{f9Yfw%uVEfus~fsPZ2Ko$VtQ**z#MwJzv{aF*bP6 zH|=HK$*hcPGTIOy$4^$*L;53SiUotw{kM&{GF3G|iVB!xqdWy{9@*W$RLM3|2s;&q z$$XtynL&JbK1cJANk#79HhuRI-%fRV_QDxWsgK;P{=(nTcesy)-Mj zQ_g^0q5^%L2{hM~vi_ux>5raUF}2x*5emiJa&xLJR<>uK?aFgBzLyr>Kh``s#|1Qg zY>}RDeRvhahF?!+oAZYXbWQ7c8KZQv;INwgnP~-P^kV#m8wZfBLuhFGA>A-_7>}e?y4&O3gI{xG zzud`Qh#S86k_PK+?8X0LaTSDlrayzMmr)N}C=2JQaKwcuPn zLKvWlkKlpTMQ~R|e++hmz=wHZA;a67e*^a0@6MXGxWJx5L*JAYgL?wD7Hf7qPZNAw zDCQJ73!7rBOHryz{wzgeK1n5Z_==TE&BN?C1(~2vRiyJj60YMvzL-~g9&1r9fX_dh zmU=IMJF>g1wDwP3A-7{Y9Ha1^SdTPJRXBhY3qPgS?~^i=gtxGNv>Vi>26nqK;>HeQ zc3pdvvbySdsCuww@v~U4%x698OfSaxSf0)o_?pliV9NQtfGiaB1;k-cL!}LZJ|_Sa zj)cFKg<~iRFDON8Ll5M_zjRP3|Am^9GZ2q!E$>(YT^$|oZ8*Na_AR$M?hH~J*#WK+ z{pk6QeQxQVi8s?ZE~d|WL5g*Y=1JL+Qj#1HLPipJw?>9uv+~5xsVglBZlGgb1lzKJ zT;Y28@+f$4hpI}mmXG1iiiVX6Vcu$y;|P;_a(dChzQ|-~LySuz&5%&HkB!bgQkPZ} zV_ZN95l3NOCMT&Pc+7!8E9`6d9!R%BOJ|0~$*Nm$*|?H=%Jdng+-3WUIbw?BpTXuP zjwSrea9qmlKVGLuhN{ z6HFr}(|g}+$mCp18Q6bdjac8FxlxbLZlYY=PR{KU^^YMcpZYxae(X7!1!FfCViX@jqdmo&pZE3q+5EGgaFcCAoW|rX$)Ur3uT^wQ#OFi(^-#awJy~hC9M2 zY4Y)od)3RH^(%3PA?!D&&VE-D`F8GxHTE3YGqK z;kf<>)YEWEH_c0TkZbM@FiPL|PB-|F19D|8oti(oeQgs2n%g6mez|vG0t^$h0hGx| zMceTyN$B|PU<&1*bv$~B!W!f*-$`=M2FB`&&?G%xEH@$8HZ{j!p4|T>$OxzIyVg(Y zYb_mRr-3J6 z{@3N&e_zjSaW?brvg{A%j_Q>pnTuq2n&v-caZ@ro^MW6J0F?eqLhK6*T2cC+=y~ai z%GQmRq;G!`ICVR5VY^I~Rv`fiWxa^3T{FfJ9vPKx)}9s{#Rj+HD{3Zl>)WtS{XGr5 zsrwt@OONz|Ilb=TSy99^X|$Jq3Gq_y8c>o5*tfqA;jIRC5&8K{B7$2TiDht#r4yP@ zQo}|U^@*xafNq?6(+mS}Wu~Ey9;kT1Ge2YLsKTQXHAozhSb4%f&hE=eci@{XM$vmv zF4=iEH~xB|k-RZJVRyfrg>ikMP&0(^csSk}eSPp==1}S%$Ewr#rgapIz@5Mv;yW(t zE7}M~Ks(`j>+x~gnfVv*PBQ^{Tqg3+Fyva`L*BU)Nad>Y5sOB?!{xO~vuMbNzCey0a93tU5dB+Bx_RJmP^-ng> zA1MeGJ@c&O7}YaKgviAUasBR();H^y` z18**LVM~n|n~iFQAU}-Okn}4sGqU+x_Vrmi<3<8Eomqoz*rLZo8!gHwcgdd&B`{gg zg*M1(S#ffUcjB`iv#XM_Wk*{t%jX_$EA{@HN|5uUVP*ZjN`C7N>~_TKZU73h#IkUC z$ko4^rC_z?MSW3ci1iU#>zHP6{N+V_!F49)RZlYFV3{@0c7~7k zF^Lsz$WWMpgC2+{Ty6aH7))nFn394z; z(sT;Wxjz@YQFXu3D_rP%HUXA0EF^Ebx_)w*pMZ>m`c zz3wNk|Iek;AWAsn`aaooV!r16riGx~$~JNrw&`Vog;Z zyxJil^N2ZxQ3oE1@GHR`m7h$LdgTzRDp8HV{0fBmg~E2py5*arjOkuZ&L?xb? zZ;cuwPSP1>DfJyym~Pb^e%xW?Nmp)dab zG7SXF5&Kyp?sj-Zz$*qkqycEw8Cp4)x=JnhSlQo0X58e*mF3oe?%Ca=@36z!z}ER0r^#A|kS&4gkg5!Qm_ zDb1&pRy$7qrFE4r4DB10$Z+fFp@P-L?|J_I)k^XM--VF+0qblYU{xS`A;;bnlKjX!SIH_i@8%HXXg z){uDNvpd-XlAP+g%aI5WarVh=MqrSe&IEXIl%7~bIBmCc<@sj~G=%&!t^L~#`?0}l z!ew1$<||p1TG;zSEvIg(ND#ct=qImhT9qezWR?&Y)CybVbAM$=(KKUISpV)oKF8H0 zDTh}JBk|NkgP#^6j&QPvzb|XPD)bZV%^B14UdY=3JP`+GA|bq_I?&kPg02U8`#GLQ z)qWxJs%^6Pj4z0{ic+q5k~O1|)5Jp|#t^{L?@2S*WmU?SNmL#g&6Q#cT{0=c?0)y2 zv1qHQE@6;OJZvhP$a#_fY<4!TuINmUPcCWo>1fK~cv?rvgpGSIiTcm6to+;JlRO&s z`qz2_FsMYm8d{p*9!|q+x;JZUcWULn0}R1tx;X&;UDSV zyJfhVY`)Mrw;Zhkvo&T@K#x$k*jFgVD`sUNd=PYk7Z0=W>ylcv^OlTPoVfRztjjt$ zG*$W_0~0=t3u_K)^7(62X0eAz2Hh05)tA2>dV`C{=1WSPk@XsGWlHB56uViEeaCk@XxT&W|Lx=fFuND_mF8V zAn)nvUf>ghb3<=yW8%})lQ=7whN?lJx`B^;)yAr#nHF@(Xjuz%h+Kc?5E$r&ycKAgr5nCwS^#QTbscO2 zRZ-1+f;uq^E+GTqUDi2~L31IsZ^0RvDC#nlaL`Ie0W>=>%AYuLAS z9|P0WP3I&)YJmo^5fBq5(=ReX*2wHw1-9b^5Gbzgp9DzV)^%X`#Mph)GF=Or(9{ri zUDAIPEY)^T0;FL=jDTW575JuNxh61x1?c3Q0ClSOwjT+kMHhX|z_(p8qej5iHE3c@ zwV{uIp_}?ifCRd(Dy9lG!y%4Ew-wcQHB&QHk{Q}iJq?gBpliy$VYseo8M;dHxVDWn zq(ZFv!AXGhNelLYOFWUS=(b})8vw=eiA{g%z}IZ+ARv)yslM+kwnmz;Z<~&$5x--p z7zRkw58?)ieQN4LorfmmUhdzLg0yNFF zbnH6t5Ey)*VC34Ws{_YYNTWxAsX*I@iiQvwRU85Xw8*f<4#*IOj9-X7x)yLXs4IUc zAVV2N0f)eVL0~!xGy@H}hU=5sFdb~z^zf)bw+5%f&~(IqpP9&%T$&d>Zij6L5Mdpn zamPm*ksK3a(1|4?7Z~Wka5NpNjsu~OAyxw7lN1*_zDkUe^i+CwlIL{b09zpji!mA0 z83s0O2bmy1w42h&D9Wy+M$gLx|U_CWW1?o ztdjyurU@=-*}AH0Hqgju)pj9r$UsH0EyIVWrCA>nb<(3HWL|ChNGE-q?z$T3+vu?a z2Okow1udc`GPwy9Th%Pu!D_mOp{fx7O`7W=vDl^skZZbt4Eqfg>tqPDO5*J{412DU+FiwAY>7}|;r10zr&qz4s~TT~+w5kIX1>iG0ooNdR)&pkn~EfKSj zR3-s`z>O5>($S;sLrBv6(Q7t4IF!a|=|ofM1wZVwef%lEU636HNuo^*dz`1)UFyQZ zCfzYIIqB^wr$&;sAqF#T6fc*-b4qH*tnMC(EW#a(R{Z2n6esWa+4m%ml$5KbK1+Vx z=(fn$N08t$!Qi`>ou?;x8flht6@nH=d0b3?l3b>{h`!;ta{jnB1E=;W&t3y@O;pM5 z0&F8!%#@vFEEcOHOOu*K=C6x4w&IwRsYsfIJ!>RXii(#Mn5i%)--lkncp{m z9yd$Gu=cZZ-g)S)CiBY6@k{eOK%9%0Ta>pZP6v1MY$;m?k(v5Ak-T82EaOj=2Dx<% zZB3H7nQEiVEu=Sokx}RUbOJ0_$rwN z3)$el3(s$yEEL~&>b23erGntm4jq5TaFezJEQOE!OT|;-?~j1?zjQp|HH|6|NI^RE zd?x2KXPM`_BD)Zb>U_tj5_3-s<#vCE|LTLdDe|5edRAult0>8S$UY&Nvhf^${ZyBI zr3|N9JQ9(QM&%`c>c9vD-jkPi{CTUil{iXD(w_tK{vJ+7k-1*iU<%0t^V= z*iWTGp&JLQR4903Kb3ZW3eYPgq>M5p0z&pwq(n$a86~pizi!~egG|b6Qz*pbAZ-c- znUvRNC-5O*D`oW9BWPt$ef9`jDWlio?aBgzj1dsCzn+D{VUD6_p@5kE_1r0lT&T_d z8Wjq(If_PwLT&cfXr~~9gLw8=vQP-mQIsqc#IwJWI|UgbJgB&Tn#F>H_R_0Zcu;Xg zc0(17G%BGUp*W-c)FTvWR6;$SP(^~4%BV&pWNA;;hy*Q_QB4g zp&(Yyr4+DG5ML#K+F&-mNb;zK5}-Tc779vI>VD=WJT-w2}bwG(BwCH7be+$tWQRUY6jB5Nl)I_-Nb#%S#oid7zBZSd7j zw3WxlhRCcBconV?{$4%1$y52s)@%CnCz{N5U*k4<3G$2p-`!SL4)zthi6R-_f9 zpXs^#c=nNha`;K4Dah%n(irLy@=SBep`)?vJWXbZ1t(K3M6;4HSn@7gsG;lM>!eb2 zKLaQAC0peoqoe#Kp|_w1C>~$PJNnfE4RuSTNd_EM<|OA^lJlJ8{HMK!C-qfPsqtkQ zsMZl)Cw*eou8E=G6$~-|FoO?MIQ7zpH}xm2OP}6<5PFr5Z;pAwk{%X6=84EE|3e>C z+~a@X^Mh6Xhd$P~$N#{m@2dO{eOPXf|A7y*G5!&%89=UI=J^ZmlleD8*-*0e(vy9B zt=FEs*}koQ2-A2Uir6(M;yB6|p)>-@Ct(6NrF37AB7-i!BBdD_rP_XfiukoDGRUeI zr!*sfEOHUMUFG#1cB9Sd^_?mcM|~=XPRBzG3~ae%gaS-er-3XD6Dx*~6~(ty!zY7> zS16JN0|c=Ki04;mz-U+ZHB~_Y(6Fg0@HN(wZE0i>2MwsZ(A89f2zJV!+EY2k*M;`956j7+KeZ!ha_CR(xR)IIQ#(i1j{dmcxDCWcCRwI#t2&u~ zm|%Kr$+t8gnwAND)mD(D;FAV#8oHtoe?^95&~YqBLzZc3L>3bw-7>6`2Je%Rt4i+* zQ+>m=ZEVwva_H?iIv{;<0FMd&=qK(v@E!fgTNl1#pF3mtq7?g4^iDEq`rDiLxOrvJ=t-7<8=S=E~ zC$$LDqYcZbI>F+mgJ`d(|d|5M>|+r7XOmJ{|X*3$s0d!<0J0u znH_&2okv&Nfj!y@)j z^li0>0P?noJTImvJ?O`xSs=b74_nDG=7DJedIl>EA4UEcCo7!hnMRO*zd~><`8nA< z(|GcyF<2!ugc^>M5w%cDb}U^Ki8p9OKoRmH?i~J3if-_EY|MAu-M!7fj+4Q9)J8i( zTV<{+KNLSZ&)&~|O_i!6I3l@BFcgQ?v@ghfOuU zxp1LvV0Mg7`AP6_tR&Ozd0ILd2kg@( z9=>b#8N^SUwFp}}y+}M3w}r8&VD>I)_s(w%Waqs8?^QHQ!*qfFpH3F}ac3Dm zd6}Az7dpNY9C{IEM@Dvv3Ic#tq-a1@Y)7@}HV|-CY#Ra8U1xd(rr|os#iovRY?-cu zRSXp0P)!G5S5?e^=@Iw<*fvJ06R4Wy2NooZb$ZpWWhwM-%;^!33ZU1I08O`SsN*28 zZD4CAG<~|iVz|>I2z(Qmz;JY3(`~F0W3Uw0fUXJ2D-=v;2Ze7#2Y;X{%7`xVBMrDg z;FvztRTpZm%}$cpw&Ix3SAs)gK_<|UO>Z&;z6}C`%s>i%Farf^iUJz1X&MR3^}sJ} zyNOdbqiYVbl|V-zP#xdUOk|j@<%(tNfEq7}En&rC0vnak|Ku1w^($)ijeAS`nD0SPO zn!m2tiW*>l#nyetRt$uIs%q4|xSFkK?)3a^%TXY`iPnIDrI_r-USt6qxI`PKH97zP zzqxDaZQBUKcmE0lISbhL;~2Du90C+U668=6!aimZBTnR6cHR8@eoIj@MUk>(g(zVd zFdw@!TF%b*jXX1q$_k2*%3b}tD9beP)&S{z;c04r`3i<62mq6@*&=6f?*M$5e#i>g zH@W?3Pf?P{QfbY&tuI#d_~eeL#3-lVe?|h#vt*f4k&1I&j1mO0!&0e5Jd?{Wl~AZ6 zTp|{1vQWlTHasUEyirrjx6F7V9ZZg*IK`9z$rG}^Zj{0QlT|SvByO{P`CZ2woQ?&rKu-i;I>@#+t(lmB4B!0r%q&a$rBYIJtaqT;j$?4!%tlk9}|@8CwbkA13D?B@tqO zEo?$&z<*>Q4chORcecO}&}8;E-dyKbx9NGM8Z|bFfMA&skfe;@6T2h}YdxSLf&avOf*3;fxJV&q&iu zB$;mtV`5QE3ov6V6^MEPJLdDzR3_+u7!k=~3wu`(wOAd6E{Nm7?vt65ra5sd!S<|$ zfeM5kic<+rsc6#qXgi&zDyzVa1~~#YbCUtcR%Oar8&kZA^U+j;sDZ{OCQ=cRY;E|! zy-UzLFtTz+nuefA)_N_gO)WwM%f|r&`xhzO8TnI0gp{p{LSb)7tgcHof*g{6a-nXt z`Dkhd_K_9fiiRY%Q1scToUP^XQh}ElX-bp?rL1iPrpAnbOM1kA2tZ*6Wkyfmmio^Q zIH|0hLJS}T7#SJkLC*zuVLqBVnaGjWh~kJl&}9Xj;0iUgC_NepWUp7=aOhQg6Xjcx6>M$vk3zml^TXY_(D# zsH^}%YvU#pEIerj>j%Qd8F?uxvH8Z5q}C~M$|*~2odE!ZTH`YxO^d6Y*Sz4|A&kzs z_96rRlZ5s9;--oB58D6j1dKNTe6u^XsH2A30j__pAL#pX^-oQ_rl%uiL%lm&0nN$9 zZurOM`1+6b_-Zd(?xLK3)4d$Iv8>W#d7V>ai5|=RJf8MBlz2Hs`sPqd=EZrKqdAb% zrBjZkNWMNTvRAH9JCOeDSGsiTRo?XK7RtXhEAz03Ww?%QZ1TO1X(Kgkhhnz1E{8Q% zV{&$-KLfQ@hx6BRnEu?u^A2^Q>x<}5-=F&L$D8!6Y2A5gJKdgtJT66nk->c%de|dzSJK!v(=pLMKjyydU*W_2Kx?whmdt74tR~Q{QzOl9e#ek z_#8Q0!Qn2;{p$O&%|ah_$Nd{yiECQavy1KU!A9x7-`rDrxcynXyMKoxZZ22RFwGdi!zSzrETYGQ4@agWfcUi#nhV ze}dnum)keS0hf;K#>1O8Q?}<9ok_lIPSpah_S8;rR9n&)U?R(H8-5tndQGRuJ~Db= znYJ9S-niJ_xM;;}wQITBTRfr88vvSncIwtJ?BLxXLv0wgf@=^~2fSN70l2Rlhe6jr rSC9ACt0z#=Pam$s-QDd?+SqeTiM!%D4(Mcw?U>Vrwv_lkw7i__ZEN6( delta 22300 zcmZ^~Q*huKvJ8{67A8*OaccCv9ccD}J~Y;4=MZQHh!|L@d!&*ghHT~kxjRedp2 z{q*PAn+JWI1&x)1<}@`jV_`L^Rh0$<9t~0b9t2wGreqOT7!6SIW%Lu%uq)0Na~n(* z^o(-&M9V`0PQzKy0v^xLEHJ#a31HF^?yaC*Ex&db@cU2Q1C<>iix0u&DsQvR%43#r zA~z*WZ$|E~qh@v-*$vz=!4HoaEZSz7yq+LuKZw5B8a>orEZ^Uqh&Lso*j;CUk?RN4 zVY29H@x=|l-N*SoKvu8!1zB>E076OMhM-Q#)BLLECa@tiTX>~LA+g{Vs>oSEBUcUD z>Xv7cPP*c}!UE#zcj&PkI4$AUs;leSwbg^=)4Z)oE);B^*W`qNws|;b-ozMwZ2AIG=Y3I zkSO*Z8UngBnx-`}_ljjLLY6Bm@?v!U85DYjJjs19J5moUfrG55sUHZZPwLxjwe)G5 zX_Iqr8kkBh&n_TMMO9qz-i1HgF9x@HhfieV*_=;TbFEZ?)kDUwE9{PlBtHMUIuaj} z!g(sPcEKDSY~W{AnH(0fnv8hCgLvzo1)SFfxrP z^&0N%tbf07sgPM`dxavK!WS>uQT=@EVLQBOF?wnT6x-!c&De{P`T-qEdd#Sxkje9c|X(jZks5RtoW<t zY>B({5>^*qpit=W?s3ZWhDXu`JEiM_vE8?Bb>g(5c_-+@{XRac7-g?Z1Vb3U4j;zl zfI+|khJ0HHs9B@XBg2IWWGP?aPfg(?bFfGluSs9{`K57>^H+A>W z=J{19WVz&0Z?f*0!w}~lsg3<-L%@}zA&^*LQoFwS-IljE&tqnH;U69^H#lkYp~{gxaPP#!TS@KC~{$bl2}5r8_po3 z=A0tBOaEUlGtRn#RS74g!m;Cg>Z{h2^eif6I6J4ZH;8;yTt4eOSqI{XJ;ac|T`LZl z4Y_Uc%Cr*2+jf;|ZgD7Qr-rHp^L7o`*YbhQ|Kfj|QmH9lPa8tfl)Sg6J}IHm9_F+G zu}Zy8@z1}_W|Xg%5+K<$sS;iV9_cjth0mT!%N;xk(ajTIu5}-m+}U$Vdz`d#s6eG) zp_QOE`xz-FJd!h1*vch&4Vz0iDyM4gUQboTrX}$E(@#!=`IZ{gZIu@B7t>FM;e{(o zYrTk)5cMV2)cf7e#S#CCH=g6hS6X2LFwm@HBR_gLrFf2KmHp0$C)xb+*Fn~P3XHJY z4A-J>v({St)EXC(BC@pBJ&ecrx4F5EH2ehBB|GP45*SDg%3=H+4HB1vR=2PfYUOSc zZp*UicPEqc3}&iGHj7U$z@_4aaVDTFyZ9Gm$wsyoV=hV~`X8vP5-sk{XUcj6px^Oc zp3%>CplELXVm(%Bw1P5 z>CN}Op0a)`aNXQY@uH4C-poM)q&=-`Oa9Y*KSwPfSlSve!7uF`9Z_cX`M*2=&a>Hw za?md>)9FJpfEI9rtd2N&O}emZ*L6B8T3OjGa~S(qS=jBCse7Wul@@hk45l@96AG^R zUCK%f)vjd(@~G|?t8!+Sz=>)gvFj3*2Adk`yRyy;dE{82ltBT#g{LDb^!inu&PwZ6 zcFz!3ugmAV#P?64{mMUB$c(4fm7!eKeDFa(Yo16c`z0<##j-l2j?h#j3E*mWVuFS{eOX1{>ze-~lCWXZ3(mX<#Q;}kwKt6?Jp9df+k z4GG7)C=Swu9z}tUegOR%BB_&7hBBY zpIy?omIj+)iaoz=Lr*r|Tge-_%2v<#V7BSOVyBSxM@|VMR1Ge)MuOc(k9r^sCPpf( zeQuu*i&3X{5Ng-9)7nw(A%UVffgv=jP>QLXhHhL>EXH(;_wiKK76wJFTHP^5Sa9P` zo8}9WEg4u>0t_a}hXwHi;b+&%f`-R|oNr9*{YA4?4-6L{&p0?0U0Aw=hYOJ3Gtk(y z$v>zmU1IH8i&mRx*(kBhAk+hQB6Wq?GwEc9`z|6QM{V_#CX4Ur)m{X+%(>*6f}Uvt zT)iCuXHUnk(e}2^Plt84u8Q)FS`67oe39ZpU7)N0Ssy|*-ITA1u#(E*eHQlsVbrq$xbpe z&T<~)O+0!9iiQYnWHEZzZ31$68H)e;-F&O7E8yek{&hM&se1293}zZrr1wq(3M!{B zCsO`2zxf(c{{Ee;aMUz1>vY0re;zp-2AI!!?-ec<>p)5i9Ar{HqJV;sj1VK zB*eY{fyF6z=I>1P#BcZDY6DxYlR37zUb8(-7__LFN?~}OY_jmKy|D?2T_Vt}oL0{& zUq{hQd)=pADNNI|y`TP)g6kNEQ(*w#+BE-iv~!->FqYQN{jD@;nl`fm;6R(j0Xxo5 zo=;z<)IBCDPLfFUr%_htq+&v9Ij;4eG=9-`7)TC?+CR9bW2qh?;%&q!jX~Dt_A*jO zi6t`i0d_yRf5&9MTl%{vDnimL;}7}=bC<9T?0%I(*wx@s=i{A0E}aqu z=zuVGTYX=&A_HG(W_Fbqf30D4ft&8mo=`S{_-+2(DR#(Bd=69 zB=;-*Z`9F|$iwpCQM#cEcY9ME8ZDrdLRGLV+{!~^)4-Xe%Qkzk^b2?XOd4~a8Q<5! zP*oKS!55je1bT$YtANJRmlb0L6MGug#UcK$zu{i5IqD#``z)od9iU_vdKh*hFaf)? zi#rYrcPjs1)Qj%y|M=f;{go)EAX5$P;P0?zZqH=MGF@gdRc_%!?mcS66AWIHYxgs_ z949^8FQUfJ`GC9Xw1fe!LICf7vixxJA3Y)P3q@+nG(cmpj$T28r>R{>V>j&F8#enR z3@f99rTiwsj7S8GP>osS_imFXAR$mZQbgQhe}Uj)`i7U6%(&WAfLj}?KO_E{LAdzY z^(#yM;(+`FZ8XMW@X`U`dd>LVcBQRRte})Koe%QsnEWrSm1k*~DsQ1H+WetkN5(&P zTps9GPxQrxp0t)uQpAL~;!ACXW_+v+q`(;`*>Odgb;uO}f120XAs)LfirX4v)^8=Y z(q-$6NC7a)Z(M6F=EqZTF*=k#9UOS@AZDa2j!M3rcDh%S{NDn={1f0n*i>}ZWfL?& z>%RQSH765@upIc8hiYY1vJW=85g;S=em=V3BjtJ9k(Kb=TyJ<+s3s4#*FB`F3Z>D_ zP4z(r4&V+OX7|jBR@#yl5;@z1S-oAJf6lPNpU=!XuZ#ZNj1gR6wt+62sr6dKy?B6V zO}rMdL(f*==GOM7x|n@8;B|RzhdyWUA<%?e*IqnlR9&txQ_yg>Vkkq_t#Km;=7uR4 zbjf{)P3;)1s=GZpWpij351%jN4>k+im#^Fbh8fjUp_|oSPFao5{deuOw)BN%DRV#Jy=97BJRLh8s*rx@bfmsaqv~$dttQ_BTH9|2l7i&M0?+@S7U148#qr+gpnj{ zWIx+y;^qS)DaPEVuahX~LJgD*_#5AiZpN2gNp|wVQkR+nv5SkCc#izmkK!2AyF50t zv77kGbX#ZH>ck-sG*PYe_3(J4WZ7gu_gg(xYaGS~)2)Inm@wTgQjLTJjbISd4I z)V=k)>XRMAA|MqQ_y}TSe`|{n=lcS|) zNLmCiU2F-fjtahxJHBFyI(^Jz&e3ZFWX5aQRBJ=$VVyF9Ka>M{kPsl-y4YKs)~^5R+)C_*2hEAN~c^hN;W#bFaS5WKXt z_K3v;(9ZUMYFf|}73uelp{(ii5w~t^M6!VQE#X==s5!{?tZL?jGHZ$8uru?F>il0X zWycYq|DOlPs|%wXzurB^E|~iRQUMfbq(#n;`386@L$%pe#k5q#nvVi+$XD9ol>BJA|Tma;2s@Jvyv zSC>D6F%!3v4-iIdTyUntnEXM?(%UB#a7Fmr-mrl2*1@~&Atv-%<@B*CA+1xwRPOP~1D`=4T90V&tt2Xl38>%Hb>c1%MX zPrQ`cSIiamECN&wZTDsoEgMtG>eiFt*pvb+BbZ;~=XFH=x~CmgK{z22mxJ-icv_{I zy8`PZPC=j6KQ95BYO2`gBi&WC`Yj)DQuyMO#Uw$=bp14MeeMc@lRvSh)OX36ptELq z4j3Zf2G6w^n4ImKauS$0FuVl2NK(jlEyi2hTum46T4G4KF{;*S&Dw$Hs_1IB9-5-H zULnrtbx(dv>sn{4GQjz2!2EJ}S?rs}JYlL!c^OdM=Zw!gU~o#`M_#B89c|C8 z2Bc5Gb>HpP%Xhrch3*|iq(bci2}xOh3XcO9bxyQO4N1dqGF9Ngp0OV(SM@^JI2I8= zw<|`YXI(cq3Zrm~j zD@@{Ib^r@T=(iLK4~i=BLwKo6))#lCQ^{jCbfeQDw{7jlX=W*lY|5ZbveLn;r~<0H zzjfA4rxEO+x)JZs_QSe~ez8F<3`Bl#(rm`w&096?p3b zbTEkid`8F>r(y5~o2j)loBb4}V5{$w44>s0f_Fioaz|JmMM<+d-K-f{wPCI$lGCCv z-r09z(NVFfb92jjnhzH89SaPua5_wc0HWO`NoZ%sLD~OpS(1OC1UwqIXxYsbOk3`V zYkj0+F*3kn&UxmTe`!_3DzdHWGr|(75pO=6JeTie@bCRR*f3tdgS54(EqyS$HJ^AzN~I@32yYi>!e876_iS$&DLR^2i%ydz3qXx; z`j*}QK^B#s`H0E_>7z_wtG0S!O}F*FLWN{ktWH8#{QdhC>9$VBSZeTVkQT836Zn-G zc(GlMH+GiQc^dE1-2)Ln--!b~!0eWL+j{voNegN;Ts7(#InNDtt~9An;h!>kGiS?` zqKImjgUuKU>Jm8k=>lgYLPeRy+18FX@#b{?xS(T>tSY~6Ee_@2fO+FV`?d1u zt+nW7nZzNRgfB2VjYfN=DSu^IAnOk!2xLN@shN5SBE19ZNgSmS=GF z!|S=IvW_4E=@t%0Jc&t17GN-(%2V#M8Dgf0TsmF&VXNsR*)q&@Xq3DZn=0vDF#JKh+M-I|SMQwxt-8b(w1d z+dpg1QU~2B6*t?tHwo@7_fNG1qwgvuI(IQ-|2j?86kz! z%~5EJ%?TB|!2EZ#Cq8R-3yM|U1oQ5##@!Vhfvi5*PFl6zJxCyM2VrT%(LLtTnNS|K zxj}tS6tX%3G@rh z(;~-;N`aPw$2(Dv68MXsSr>!dk)>ZOlQU16rN>2&${8-_{ATJb1a3#M+b!Sgo%o;p zZyD65xL`R$feN7Z7AwzMK`Igrs!8ID*PlNiBm0Y<)VFua3)Y*8bh2ub*yB%9TA@&_ zya)G(3@7}p!T7&jpNKsw!tQ644nZ76#z{2^e9?LUNpDsV_HKze*ib0tR8F9st>n$T zC3?cXVZw3m8aw`#`!4TM(%hX$m63iq_IG%)E@51l%`cNzdBI8NnzxhIB$i-4RglO4r#;9u7ltY<&UvP^?tIvixWM+{Kz-ss9$sc1o)ym4?9D%k zzA`VQ%Ha;qkGXQ|H9o1b)0vn}N&!91?d$*!m=|2VIv*8Qu+zt;zR=@`mqZXlB;{@+ z?M+yEoDB zV?9F`||sIKA(ES>_7Oz&%_f zPZc-hE0~<(VHaoEi8~KUT39Uj%;=rx{SD^FhSc-qm3>!H>mbf0R?>b)I7-$%YugZc zZ;RGlFwdWf(|QnX8RYV%NUpY3OevNo_4Q-8^_}+SfEC4{!;T6}M*UFuh;*QEjqKa( zofA3b9MTqB-TB6*s7{oHw)r0!YJG5)J<;mya&3ZzD-&DSFvQy#~QE%qZBzEt2 zA4uGqh(@Bc&1yMMROA~7X%pZJu{s~5)?tQ$J9y7Vz)>wI#oBP@R~)p0w6n-Qe<98D zE+u}X?@q})z$})50aotx1;WlO<*~CtRx9k9(VgyXQXR+?ce)WDxy8=+)fH_Y-{6@B zrQ$5o)WWbb-o7`^ZXy_Y+kN|wF$-RpCgrUs%Pf0UnYLcm{}?3q&;hs_Hh?6mb<12x z`V^QmJBIQ8;_=Kbbgo0jTnJRVhfKTm)rj^kq%;2ZE1u-5ZIFBNUcp>-t~W&H$!cQC zFv2-Xce}Z?Wj{6Rj4c^ZBAGhL;&pP!ODS|gthaQ#3=i|vv0c3XSfViuUUbN=Uy9>x zuGP601ySmiNY$;KPzSmUZfIXO$DsBfjYXKm2Fe+}>8r*&{q^f1=Bn!h*{hiK#HOuR z(t?pQ%*kvS-YM)f;Rt$7Xuu*B@hkIXe~z;;Cf9Zx#DIOwNhD*?#M!sTtl?B(nQ-yR zpBfD}GkKGL&f|jP%;Lgq++o#ww%H2l&!8h{4Q^H}4OFzsV*+9dKObm4cL;TS=Se*z z@`!c)uj?-0D1K#S=Y?=*%}sGek2txaik^%3|H+-HzVNGwcp56SLMbL8*mOcBl-7LZ zT?MBPf{J~h!0{JGoo*Vgsd{nGS~%E$Vj?zDp$$~OF-7X~!=8@#U9i)j+_uq` znK|D~;q2^3M+r<29sli27E)90_;Zyfb)-3fPq~ol_yt3Q6gsnaVqmXvZCye~q6tE@h&Rbb|VDPA7^H z{8+yr_4gNjv9slIzOBGrg-hTD0N(dwcA{;0+M|p^&>~#FdAUoH=n)ZpbnV=M_seNa zqyxz9XCObmAjWBwWR-43c^SWIpgCbml%zk>gqW;@PWaNKI+Xc+a}_xWBnduDORAO7 zVv8a)q_D-`~a7j5zV%A=!MF^#ExBk96-ESaoEk^dKN*Z0M7!Hd@Xwc9OXm< z*Uj~r$r=CIb(~9cmh>)(VWxP|;rwjl%nkO*q47hcyQ{Fi zdK>O@;)H~q@@8q*z_c4`>%KSew3$g(nTBe?BrWa_k?PS+M3G z`dr1QQcY-r5ll|e4ja!*bxVZN2sd}fykmwq>CkjV=_~uTu5P<|+($d}7IP5$NF1!* z8XX@HF*67y1W@Xc-UmW;1?`iua(`_JH#&z-$Zu>9{w5fc+d#Bz)Ghdkmw^DXWjpUsL4g41C z#lM)!cmP=ty=}Vl!G!$9wBCgkkQtb*Er1|Vp0~UOPk3fA zFe`e;5pRe|S+5JVcHhHrzDE_z0|>N%GZHmp@PNZ*7}t#_W$NJbI~v3#3eNO|2-=QYH2Z+5O%Cqw^Z0gxo6D7Udy zvw7P(|7EjmxzZ{X*0*vV>f!wRPutA=Gm<}w=~q%?9nirdfHeBog4h5R3CkU`3#Xe= zhkx}+tAxi*Do=9XThO9k(4t;nJ(Q5jW1wC?59YB)k=3n5a?X5pMS7gfno7@F9_zx! zf|{CMYOo-*+)tkF-s_KN5K!Gy7vLq?OL*G)mdg?oxc6O&y~f|<^wllIZJ2h2oqKVh z+P5yZ`wP^9*EXJh$X-|A*KS-V4x+#66Kh)CaBN=Yi`|D!Z-D9I{JL`Di;dc-S!cBQ z)Ng((LPWbFFnlSa&$jV+0{fUiJUV>~+!=UGmgMsOx-BP&5e7W+1>X(G>aG{WskS zwmU>1^k6B}wvMMk(Zt;h_{1B3s7LVfNF`s#$QA$73x0*z9=w3bz#AWbnP+lsB5-F5 zVLM~l=!jjAC|@^?ilb8xd-GNF55f%=Q#)594QE4VYh&We7--f`OiE9Z8jTqDKS3oM zxr;ND!r2s1#W+wZ`p365S|3GMxO%>T)N90$Z6( z9G!emzBYjJ46aO3m+=!IF0JQI{s|H$I+k9~P61z_@eu!YG^r43;o=K0uK2?&3$2d# z1(54E@iXxFSPs{Umxo5!R5eGJJpJ8Ubi^KXdQA1v1v)jyjn-*_M%f%9bGs!lY%VOc z=hZpV`1}$S%{v`B4_d;aV>wYo29YKnJngwM;e(N1_GbFVa~{CAuIj3vnY~#R&o6bQ zJZG7Y`{(O2Def2_xx8o*{xAz{hbt%4YX?ux7%g0V*RYOhOh?K<%ym$yz6PvVq2201 zD%7O_VCXz)P80b_)lG%)erS1`a4d-SGIiqP=J~S~PrfRQRE_!;if4`(Mv>{y@LWVl zjD?orBMU#>OZ9&x%V-fp_kZngdpkXgzT_O3ju0^$yds5@qAj^@D#rSD@t$sr$pG~9 z^|Gh=d_LJ|#wPlx4?|WhJ!<_S*fi_iq+d&crU_H562`u!0DsXv&)=gX6&^4(0&dO5 zG-Eln1A|wxzxpTWj?*;R>q?K_N3#F8ezZ!&f51KG*r(BU+FWX&tU-V$bW!o8XS z-MHdE9#-C>vg}9PO|&od?H{J_s~qdRpe&5h#ztx;RUPZh5=8sv_ctpoAuEx>SvN>8 zqIw2YeHU3+)HXCoNk1cw(4!bs{c2KG)Yrj`lrGt=5B!#`pU`DZKl@0FA=!8rt`-?U z*4U|!*LOS%{}N)=MUAk_V=~rB<&mra20;=w*1asbV=P`bok=@BS8|5WEFF`<+MAJ< z(rjI)W)oL!zMF+(o1}=vT;~(Bh}2P%(86nUILKF-r56K^fG40!y^$n{ ziTFM67lrZ*bx(#a1Es4?L5wt~?k_$4b<+jbY`?J0Oz_xyTTxbLdA_O**J?Q+hben# z^84DKymH42(L``Ocn2du1=I}Oy05)+s?X0IV!Bvi05(}8=l8NWT%O&Vj>jpQ5S z5{6!d&z?+?##B+x`Ll9iiWn|siV|+-9F6|gZ)Tm-jpmzigU8MHsQ#q|wx~1qGv*C1 zRDBP;oD!wmR7HeE(lGLkEZ;Oke>6v8h;W-cem}z`@K%;(>xB}P5ZERU7~&XR+0PJh z@Jfhe>Ket>_(t-Q&e{LOT;Tf5x91YuUX&e_@M!cpZzJ8tlDO(rba+Ec|9FVG^35kJg`t65h;11UlFf@^a1(15&q`%c>5vL zmh~k4i24VoDtYI(%S4y@K<-P-H-m7%~Ee7$5m25l9Ifp%N?D)Ll9}hp+42 zuMnO+A&;lY=P#) zZIKe|(iSHD5eQQrX8Fho@jYqddt;HGZ0`=}YhIXW{y@8Gw%K zy@4Gl<}kWAacxNpn1H|c;#MeFc+-ML6AYb2gk?6QFH($=VsBXJrj#~xB|&kN;OJpV zuy)4}0f~dS4YyO{#6!w_WV@hlclzSu48>-Y_|c6h&hJcB*?rhg zvyxX1>DA>|=i-NR$Il0bu-*2L^G=gb?5eK$6-iTOm!vXO|S(SL-FyqVtb$inpP?@QwQRpLxC^X~n(v?obvM zFv~n1pVUeE(l;sZ)7f{vFBe_wghM?rK>hRnE?t5#^|ghPex%in@9{;+vKP;~4f&h% zyHToW_5O)IcG0~ZNuTkaE#-UTjV1OItABo~aNN{q3cMn?fE!L{IU+xeMs(}tuQ~VZ zPx(OuV;72?UupACRFa2sy`qrz5_6?Lu%<;+49(Ym}BD(+cX2|gcFhGV= z+sR@4*6*G;hcaSmu{1}lrm;0K5VTu|lzubZ^7<~rz)6&a=r%d6w|PUT@zjI}od-P9 zSZPzYs}No|KtH6Trip#>nC;11xA34cf)!`QF(T> z9y4*q#RQZ|AHw*b`WhfkW4kgjzGc4R4#GWU0^xNmZl^W=Qg$4+5dbFVtN~FCemmF+ zW!TUrIi3CiS}uMgmruoX(T`vPF5b&Cr2~Ye>$-gxdLBZ|UMs*qlVLKNCEs2{|XaPEOdy+@dUq z$Lwec^$A{lQl|i-d_r0eXW#YT9oq%JzI?>C>*=xnXL&}0-z7eXkk6;_i8(lAHyo8Ru-i|!_BYp5fI1_s&%M_`mv*Ip`lB9?7Y_U~~eq{ScvmlYrK)k*$ zGB$Ek^lsSI1@g6p!AP-2_~n769dugBx>;R0fo9sQ>PcLYB2nM=GmU3zfh09?R)7XW zWei1QA2=;5s}Nk96ALI*HLwsiIL+^!qpf)$sfnC5z`@WMLeV%fubF_ObA+L@V%1QC zOlE^f=EbFJ2OB2@8^=LRR`xqY@H>o#8n5hefbPMav{CI?LMbkcTDmt+$`Z$$yN^7Q zqRny&B_o)OQQJ5{VdP3jt9+RuVQ^wa*0RqL20o6>uj==BLpY~rz5Wb3Bi;VX|2-AH zeR0ZeVGvh4biu9lyY4?7&h;P*Z9xp8_|h-I>B^G?w{T}>F3^5Xp4n58kiy-{+lpM| zjdBk!G!1@|opPB%5(hDSvSA!u zDn)FZjCZH(q<11GqhGZkH7%3GwKHf7v#(}b(Y0to@l4_MAH1;aMT#T8Bi=etr$*vD z)frM1XYP(tylZg;pMwxyt?tsYKYD1Q2Cm)uh$9DBhk{$lT7}zW@!(u=I}l?-a;|<= zRS6W3i1n8#`FNh$t(0Bk*@ zF1Q(oXhoiDJFT1K5Oz%=LuptyFzNLYRhKBF(>nL z5n^y?$W%v4C@^gRDcK|oM);SXqDg6EbBTAn&w6629=~26&1LolyJWiu5~}>n{YY`f zPE!A-+ZdEVhj6MZl}7c}D`5t{1lXmN%%{L9sCh3=kSsV4*w6cG@%ufw*d(;T=rl?a zs{-ZJ*gaSH3~?948uRoPqZwL6!ZD>|;iPPxm`U9JC363F`g7q zGH{*i;ilUIj~F8eh#w}p*Q{1XT`?snXPvL(6G`={;zNK~j6+`Y?M=FO4PLj1oc)LWC{p|`4!h(>^tT5-tKA^cn=z9eK1Rwh=aaW*a`O=8aIQM6A=f(k-*)}Nfpu;+@H(zXgQ z86nU|N}vOdM8N#wMBjwPGFfix_gwW{@!(CGVz&2K$-Q2*+Jinn@b>Y`4zc_1TRn2% z*Tp9Wfdo3GJLKE1Z_yP2((It0;+%)#p_W+l2@tTBlBpY5$#D(7bjG>?*`JSBS9ix| z7qHRU?$=|Us&h*_u`cv-*U`u1pDfoglKUMm)8C2K8Nez#BSA{=-zf$IDX14MLx)u{ z=4sA$W1Pc}OIvuue}3_to%+og$Ug$IEA%?=8btG73Xg=09P z?P6>CxLZTcS2R%Amg=a|y$dj#aLUr!OBEsgY;QEc`NEsl&y&^ZBQ`PbQyRB#CtLk< zhLaIE{{j3;?{Jv()c)ln56s9@mxti>Ah%FD_-)T~&{}Nk7K) ztH)j+$Jysux@%*UxJPuvpFqsSH)tR02uCbYBc38bpFg8>8m@LxwI~2yEwrlTBLLIL zhh}*wIPr;)ouu#DAX2bRG^K}Ar+D=e?!kwag$?kka1@+Ff60JN?Epo|QQ$=g_6BDvSj@KOgkBs0$F9TdLT^AfSQwGBxn zw2sOp$5qmIGgdo9no`TjnD;QOfBoJZ0M=4cjgwY)$di@r{&O9L3B)+?e0I)3^WY`x|HH zpFg;=LZR>r;3+*LXn;?T@0jfK686msCE@Nbuq51gOTt27vg5K^-w+3Aue3Y9@*u`<^*SzWO zdxP*LaQZqAb2~}2e33AYTHV^eoVH{R5MOB}LQM+??qc{|^RQo|Sn%M@`YRWXDsY@8R zC={OcZ5e%Tuc~dYx;D19JoTrqNB8-wZLh1kHyZN(e@s7$4Z2QiGd}<0`O#)>D5^Xu zDtt>nEbpP{aDpbrON*{vjW&Y^@-K7d!=K*7P%2|o`dMnLxzjC3cxPB)R0C=joJ`7+ z8N-_*ruej2*q;BR9h&p||3AkKGb;vE@ZNfIr6KrgQG_p38xj|VQ@3j)VL@Bf6>d1% z3ZI&!aRcH`OV!a!TafoWhUlVbvEH9<9eq8$M)jXyBTj4v?`3wzK%~rM5Ooa*d6Tig z@N5vM%Z$aZUhjQ)7ZvL?c28U~;1M)xpNe)xcuGy?twqP_s>qpkI@%(jU7#MBY~I zMTBDYH!0{KW^BQUGD4f`K(x~Ryb4aDjnBd_wbK1R`9`?IFn8`6hv93Wd|F`UQwZ*S z30G~ZL>cF&)`zu1`wD+2BR_zTuSnn2Kd8*a*Wbj7(s$wtG z!!8qn`&(8GH^NTqVkTO1n_z&C0iYUJLh~`i$W%p|i#GkAxgfo$IXZ0qYfIm{qy+cD zdCrg|P-pI9p=XAvCl*2LKYxJe1ri~P(Qv8{x8U_a4(<)6DL*CbL_{8p;2T{YlR#uNWU+`)LZcY=Q;!6X*|O#v_6ONP;4ho7GBZx15%~Ft ztIoWlE(^`c$0? z(qM3^V0W?mTyJAh0iRguKhlH(^K=!$;>$Kzr3>ez7pYC)swc6n#cTp5%x_6-$zrXr zjrH{uZh0XXO2Yw8VWA)G-AH79lS%|&a?IfU!9N`kw@JZ`@HJ+TtXXIrgU7Z+yPGd~ z3mLLLh(9CkP|PKs!Ik*`j|?ZC3i+z;esJ*OLg*3zE-oTfxV-L?IlUt#JoSx>AQ@LH zN{fjK5a&+Y{zJG~$evZ_7jh$FZC83AQZ=fsqYI-L_>|U0_+0S(hZVt>U7VB~oikgA z|6{Pz;Gvji2$pMi%^h5CZrnS20jPMp6I;;S<~J^37P-|KHuw;pE%AdxC=S^ZP>AdWB&^| zdlz1lZ;&t$4AnVi78C_Y$We;4kmZ^B3ZlI5A<$VHXUkBG)CeyURF9Vq-`JA;bASM zk9odwN`{v=YmZwPcN4^g?TpBmg&MCA23a1-*M;6Nv>-|%1jXxWz-hXs*8QR+?5vHC zRtu@@c`QmMpxGZ>z06x6_oueiDNHb3Y_nWW(SW}AOyboPo22#bq;}q^tN@_K>QJ-@ z@TD4r1CKC72p!vQ-2~`YqFDxazE)|#Kz)cT6udD7N#l&Qs5SO zG{Zsa=XS=F>r?-^S|J>wu+G!;{w%oe!H^}j**IGpSM~JI^s(1i!{4m%B?>w5W3V4M z7q2O!=t`lzuE&BGLwYehtN{!TVQ$)uO#b?q9W&NP3{$W9WVqt-@f6kHKQHsY?uPrE z#6A&A6nGLSE);Q z9{3fsRNR(%*r4pJ!|XD=0!4O4n+OQtC(*&gLLof{*kw?DXHa~1s(9t$W?C~8`KI(U zBo3Lv203_lYB?6kwlB#Rpe2Tj&NYZCqHOoDX9L)DEZ!k-OXy%ig3+)ePU7H{a4PG_ zbiKrwP+5kITjd4j=mErc1H-d~ZM`i*@DJ1TIn1D>GO!o+cCRx2P#!57r zKu${&@PpV{d-?wboEBs0f#DNl_f5-mEoeehL)djmQ?OLqJqeJ82{8hS0af6eishQX z02ZK=a{|<zI2PSj zRNvK1%~VNdXhZcRK>DO{_`oHN+*Wkkv7ilr;`pSxb>M5Zbr6t9wN&5t68=?C#J#B{U(n#5lax2BoC0~K3$991`Xhaw(9D@u@%yuP+%(1_MxI7L^|w4V1O1G5!eA49gv{`u}9Ye zt_F1l1!R<WK|o1V)w=&svz7@AJc?=usb?Mm~aC)u#= z03xhIH17CFBa&lc3_7ty=ex)o~#7F~mwhe3If~$5)AeQIbwTHk@i$@_C9tJ@2K`Z zcM@hqj~Y6Ttw9HjEaXFE z8K$Zq5{pUfPs0Huj1}OL>6EEkfp5CDZD~+N<|$zTI?8TAeWi@@IlRi#&U5)f@ zbVuL8hXiXbL5rw~Ol|_jRyB)uu$r!6s4B#NljeFzEVgL@IvFkbSPRJf z-ZhipR7MwvV7{sbwn1i#2X*Zj+KLSWBTylvX8@BuRU;B?KCJ`l_^Mc(ZO3=TJwdSD z2D5TiCINpNjTGq8(WC7{NYeb#Yc@NRlg4T3uu$m*KS#5D{3*Yqi=DGbqD>5Y997v} zjld!j-7zvb>FoicMv}GB`!a15uV}z?N@~ZfE*g6lJPt-Hekdl2lXv`Bd6EYq%GFYz zCBL+9Tjc8_NN|~8@ZHOfs*^m8G)uX%@9FvdJ{N!6Ze_g!y5XYQMMba#ySROW87r%+$|`2G-bk4@#ScTj=y8LN!tOIA~XJ_;wka>M?m{uI-c;F zMimI8ART)2k#m}}%=2B5U35crzGGAgXD5boyT8MK^+DVe)J_aNE3^Amlw>~|o{)b` z*?5kA1kV9!*h=n;6Q$RPw`e=!n0;Ye6h_|ng zDPrQ~>d9$~*+{1Vy&~=PRHjIrz2V9fiL}>KnOy=5h~L*wr9#pB2CGykeqTS8b_y^c zDqugA3dIB*tWu$N7pGrFg=oM{IMwt?^7JDjEBHE&i64~-!H}K){8|Aer z6uohfHihCh%4@R|_>hQ@GJ5P053;8|dqjkk(QEOJQUO86h&9f{cFe=@Ud-bNG1tlqUKl2ivnwWxe(NSxfw^TgT zH$iqtxZzOPJfB5BR->d!1w)mGSqgvJi89*~d#uDn6%TzX4{#Ukv=bej_B|HEpZ1D! zDi5(Xu4yOQ%Hv~0(9;LJ3Reh!ub$oHsr+Q?HU0UM%z4h@XJK!!v zjvs67g=AN>9ZYt~xe(27M48dIL>fz0jsw{SlB{4Mz3p#2-%o9yEVMD-`?P^n`7WhO zc8u>DvK;d)2RoZ9Q|%>{%Hb#~bq_~QR$kehc<{aPBz8l7Zw=DNCNSyaoKUP_`0Iz? z>E|XZ(u&c~^xS`aJo`vF{3Oy8lPMRXS;-hId6zBJ z(Dmj9OXMk8Uf{#Fo8=*y6+y5L6_e?(u|B!ZNHjC z{6-QPWYvE=NtzKBxrkj{^7;;B@^D7$Z`dr=DR0Rb&cqs{a~m$tB1gpaB|&+%XhDhGvSdIds?-1g?MPzDALtt}96Ok&ns$ZBwxv*LD<( z4EtO%=2Bm!NWNt`h6N1YLO=(m0Tcz1k*rNTsf+y66X}!=*NUS)rSq%es88vLs5t6V zI+`ht`jk#TcA-A4V}@dAPvsb27uwT4EGLKl)Q+IZp+B|bUUKM9?HpA*`s04%HV_+` zWSM`ut?FcAg6Xj(-_m?&S|;>WTS1nBPa3>w=!!!86&aF2$FUp@S*EEGSxks@%dk!w zyiZ21D!qnF^$pjyu}v?^p||7cfb_)yJSO;~pSbJ5cl0A~UHFcD?u_A!QtU_3Q)OQ( zrCU!SSS0VZ8S*k$S%{(Si=Xx)zSZwz?Ztn5BgAT=z74zPcwb+`E;@db6`yCt=i&!_ z1g=OPbTjgBQOk#eWF_4m7V5rKx&K|t!-XsyFp`y!A2{l`gL#yzmxqg4e@IDI;=Myl z;NZHyF-UTil&NQ;k>bao$ukTv;#Y``iF|IPR5|N8a*A3y(8*tzQ1(&C32$~%8s z>lf}MOQ#&RiG>)XJLti-RL%YNS{UL?RYP*z$O zu!ubreOoOefV?dt&x`3v5Bjla7Kks&!&Y*Pd0<+Ap1}%|Y@39r;O+XQNyL4E?>NDC ztpvH)1n8Uqo##O3Te|a{>^vts&!P)*9pzDPbFy>Uv-h)K6XtgNE8?)NcZ5c}3*3E+lN+37SHY)`xa#gp#xi>k;1l6F zL|4aa>7zC9o%R47xaE0rC6<3Q23BacJwn=km=ivN)dMDjr{YjWut*l?JAdrr6s>~r zVN;E7E?j6En4Kl?bDIJORV#bg^sTThhBu)k&&IEf&gF@DH>1}+fi-04Fp^j+eQF&*O?xHX}At@v8iJn zTc+z^6$8aLRMP?2RTY18dIUZIwvCbM1gd8FfdvU;onG~8Sqi-yb9w}%0_gQ4K+`Q7 z>Np5&8`zo&O`qosrjqAubP$*4Ml^RsVa``U_|dI^KIxr%bl9PX1Ol$EQ+rf&{0&KwDkZWUv=m? zO5L`n=C3QZq6U9hv31|E6$2rlsv31Ku4XHmJ3W8faui5!qBUS(DJHwI7g@jtF42Z* zP0rspYz_N_tLo6-fnh5q>2EF4)472Pr{-@EL(?$nU=V3+zN!%SPC9&I`T!ZE@0;BI zOc(n)){t(PrlQ*PVl|gY?qD4FzCL~Xvvks#BV9ol2D*Qts%Bsr8YY7s1qSpZp2_(K zbUST4pUu#m3>|9^AW(%Z%jgzx?p0&*6>_v2W! zha3VFK@#Lp6b8v5Q6o;2T5{d|`+i)lns7KM`{DW;b1 zr9|{g+FB_%qPq50FkRou7__iKPc1)iK?M=l6H^x3zzHmTBI5XE;|1A2Pk!V{!1p2w zu#|(;0*)W^hFeaj!>{4@hpF`=0@2-)7w8uDg^6CW+e=z=%@tj zy_^6yNxR9{AG;6h9FSBg5-TIU zGps1Z7z*QFI6WgxDQC%iLyUikMKLXajIC4v>ILYS&qq_4pkqWPhb`<~ zLDph*6uKaf2f9yYPMT8URs!u=3j-BMJrvI+IHjUVmq**_G*zSmHyYpwv6&k}K(>l9 zkv67y6X&C;22cZxPfVmDVz#y61NSaL@4&K^Gtx8!m1X5?S#2r_5hx!A4Cr4ZvNM13 zr^pC1SrvuC-jY~dmuv($%*utj(dMJ671&2s04tg-v4x^1qlm2K@KS-78EKkx5;>8! z5ivCq5-#bH{~-Z|9h4b8eOu~3JK&^9IfWcR2q3a-j0Zdy+=cmQ>SW3;YmF=}a|gJr z5U02-F~pFWn$g~O7ND|r<{`(C>e+uRqXEK1mK9=Baz_5t1A-e_zlfFDc^LqsB%+o8 zD$e!aJ~PtP0@~>yd<1GIp*#>g6U@q_GS`>qj?-xxd|^hY#G(icxvq}{8;}Y=I%+;6 ze_DyTN$`TdERw(|tY`KAjS9|`Se%ijiIa?8z&(|ikwXS+lgR*4QE6V{jGli!DH{}w zzzBp=Z-G>JMO8S-JaU&A;Zw3&DF9Sf5J79>CKD_?DFO8(!p0eSsa#_7jb)Zvr^GWQ zlG-|h01zt2XFi%1S39qH!MQ^kO;mf4A^v9x>-EJ=lkXq3|Jw@~Zvgmae`;Ar4YdPY z|5$JG*W1-UweUJWouCc%?reVrG$)t);UAjg#qaI$%|W%?RW+vvHF9HBrKjpTr>GJ= zRrz_k>~pB_a*FcJp_0t2>o7-aAg3#*94(Q2eOY9Wu24IW{^&DZx_p&4J>Ek3w^n5y zlURm%Y-5ujbW9uJupNupab1o%R%3GZ)Sm%v)$#n54%44|c;2B-bbWsj{ptHt|NVHE zzBH{nuWhH>liZp3kDg_}-(UK(V?xbMAGY1qwtS}bmUPlgym{E9zV4g#=*p}Ib=s^4 z)_b!)ns>K(F4$8??($jaezx8+eB52Q*?+=b47hKfalP~$kMObYzTNiQg}mZ{t(SM- zmYC=B>fuX$0$Ykt=P`fWeQWw2Zw2<3x@f1G^941ZcBEzBP&U*D-?5`656)v zJv&Tw%QP>GZKKib${2O2MlZ&@7ed;V0qZ(-2ZG=Aaqg!Cuh`bIimre4hs|uYrhD1U_Ng8& zKEhz%;t;Y<b{c9xWiA+7oRhS8#vtC^04}P+g72Ey5s(ht;BU+*0amq@WDpu zzui6Lw7LILySsmdBW^BN(dF^}wssg_pU6|Xx9x@E%yK*MQ**F**Bn$9bzgR+T&%uV z7QoG=(WPs1uZn+6i(lJYcZPQWMQ+Y)qCcX>i+%Uc?yrByC?65GXIj6=G(ToIk4)L+ zKcB&VK4Fa`0tSutLK}Uat1dR(hf!JW_4ebu`{m|v$ndV}4tmoZF6)3g{0R=JUT$CI zhJbNmn;hS~ow7Z@>`d}`d#W<8+EaT`E!QrvcXy_KDGl%CtPWdgF3; z - Python Module Index — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@

    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 6f875b9929..84dcfd06b1 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index 543a3bbc37..4f41bde058 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 75e443156f..aea161f28f 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index 16ff67e7c2..e4033b667a 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • @@ -563,7 +564,7 @@

    Classes
    -dtype: _enums.dtype = <dtype.unknown: 6>
    +dtype: _enums.dtype = <dtype.unknown: 7>

    torch_tensorrt.dtype.float32)

    Type
    @@ -731,6 +732,8 @@

    Enums

    int32 : 32 bit integer number

    long : 64 bit integer number

    int64 : 64 bit integer number

    +

    double : 64 bit floating point number

    +

    float64 : 64 bit floating point number

    bool : Boolean value

    unknown : Unknown data type

    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 4bad7d79b7..940ff5b7c7 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • @@ -610,7 +611,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+8ebf24d.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+6571252.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 0c1c710bbb..3e4a0ef83e 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+6571252 documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 4d6699f655..a73e57d194 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 9e5f3d0b15..c24653d764 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index 5bbaf1fb7c..16d4338717 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + <no title> — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 948e485c12..d74a14dcd4 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Installation — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index a521d4cf13..b66e8a0d97 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 4c90e2010d..e81f605400 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 3d66671054..1680b192a5 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index bbf57f20ed..a370a7f940 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 45509c6906..809d36cc14 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -267,6 +267,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 42a337e007..c0579f9fe1 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 8d088f5f99..ea72bb454f 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 491511df3a..3d511b01e0 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/user_guide/dynamic_shapes.html b/docs/user_guide/dynamic_shapes.html new file mode 100644 index 0000000000..d2aef070ad --- /dev/null +++ b/docs/user_guide/dynamic_shapes.html @@ -0,0 +1,916 @@ + + + + + + + + + + + + + Dynamic shapes with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+6571252 documentation + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    + + + + + + + + + + + + + + + + +
    + +
      + +
    • + + + Docs + + > +
    • + + +
    • Dynamic shapes with Torch-TensorRT
    • + + +
    • + + + + + +
    • + +
    + + +
    +
    + +
    + Shortcuts +
    +
    + +
    +
    + + + + + + +
    + +
    +
    + +
    +

    Dynamic shapes with Torch-TensorRT

    +

    By default, you can run a pytorch model with varied input shapes and the output shapes are determined eagerly. +However, Torch-TensorRT is an AOT compiler which requires some prior information about the input shapes to compile and optimize the model. +In the case of dynamic input shapes, we must provide the (min_shape, opt_shape, max_shape) arguments so that the model can be optimized for +these range of input shapes. An example usage of static and dynamic shapes is as follows.

    +

    NOTE: The following code uses dynamo IR. Incase of Torchscript IR, please swap out ir=dynamo with ir=ts and the behavior is exactly the same.

    +
    import torch
    +import torch_tensorrt
    +
    +model = MyModel().eval().cuda()
    +# Compile with static shapes
    +inputs = torch_tensorrt.Input(shape=[1, 3, 224, 224], dtype=torch.float32)
    +# or compile with dynamic shapes
    +inputs = torch_tensorrt.Input(min_shape=[1, 3, 224, 224],
    +                              opt_shape=[4, 3, 224, 224],
    +                              max_shape=[8, 3, 224, 224],
    +                              dtype=torch.float32)
    +trt_gm = torch_tensorrt.compile(model, ir="dynamo", inputs)
    +
    +
    +
    +

    Under the hood

    +

    There are two phases of compilation when we use torch_tensorrt.compile API with ir=dynamo (default).

    +
      +
    • aten_tracer.trace (which uses torch.export to trace the graph with the given inputs)

    • +
    +

    In the tracing phase, we use torch.export along with the constraints. In the case of +dynamic shaped inputs, the range can be provided to the tracing via constraints. Please +refer to this docstring +for detailed information on how to set constraints. In short, we create new inputs for +torch.export tracing and provide constraints on the min and max values(provided by the user), a particular dimension can take. +Please take a look at aten_tracer.py file to understand how this works under the hood.

    +
      +
    • dynamo.compile (which compiles a torch.fx.GraphModule object using TensorRT)

    • +
    +

    In the conversion to TensorRT, we use the user provided dynamic shape inputs. +We perform shape analysis using dummy inputs (across min, opt and max shapes) and store the +intermediate output shapes which can be used in case the graph has a mix of Pytorch +and TensorRT submodules.

    +
    +
    +

    Custom Constraints

    +

    Given an input x = torch_tensorrt.Input(min_shape, opt_shape, max_shape, dtype), +Torch-TensorRT automatically sets the constraints during torch.export tracing as follows

    +
    for dim in constraint_dims:
    +    if min_shape[dim] > 1:
    +        constraints.append(min_shape[dim] <= dynamic_dim(trace_input, dim))
    +    if max_shape[dim] > 1:
    +        constraints.append(dynamic_dim(trace_input, dim) <= max_shape[dim])
    +
    +
    +

    Sometimes, we might need to set additional constraints and Torchdynamo errors out if we don’t specify them. +For example, in the case of BERT model compilation, there are two inputs and a constraint has to be set involving the sequence length size of these two inputs.

    +
    constraints.append(dynamic_dim(trace_inputs[0], 0) == dynamic_dim(trace_inputs[1], 0))
    +
    +
    +

    If you have to provide any custom constraints to your model, the overall workflow for model compilation using ir=dynamo would involve a few steps.

    +
    import torch
    +import torch_tensorrt
    +from torch_tensorrt.dynamo.lowering import apply_lowering_passes, get_decompositions
    +# Assume the model has two inputs
    +model = MyModel()
    +torch_input_1 = torch.randn((1, 14), dtype=torch.int32).cuda()
    +torch_input_2 = torch.randn((1, 14), dtype=torch.int32).cuda()
    +
    +dynamic_inputs = [torch_tensorrt.Input(min_shape=[1, 14],
    +                    opt_shape=[4, 14],
    +                    max_shape=[8, 14],
    +                    dtype=torch.int32),
    +                  torch_tensorrt.Input(min_shape=[1, 14],
    +                    opt_shape=[4, 14],
    +                    max_shape=[8, 14],
    +                    dtype=torch.int32)]
    +
    +# Export the model with additional constraints
    +constraints = []
    +# The following constraints are automatically added by Torch-TensorRT in the
    +# general case when you call torch_tensorrt.compile directly on MyModel()
    +constraints.append(dynamic_dim(torch_input_1, 0) < 8)
    +constraints.append(dynamic_dim(torch_input_2, 0) < 8)
    +# This is an additional constraint as instructed by Torchdynamo
    +constraints.append(dynamic_dim(torch_input_1, 0) == dynamic_dim(torch_input_2, 0))
    +with unittest.mock.patch(
    +    "torch._export.DECOMP_TABLE", get_decompositions(experimental_decompositions)
    +):
    +    graph_module = export(
    +        model, (torch_input_1, torch_input_2), constraints=constraints
    +    ).module()
    +
    +# Use the dynamo.compile API
    +trt_mod = torch_tensorrt.dynamo.compile(graph_module, inputs=dynamic_inputs, **compile_spec)
    +
    +
    +
    +
    +

    Limitations

    +

    If there are operations in the graph that use the dynamic dimension of the input, Pytorch +introduces torch.ops.aten.sym_size.int ops in the graph. Currently, we cannot handle these operators and +the compilation results in undefined behavior. We plan to add support for these operators and implement +robust support for shape tensors in the next release. Here is an example of the limitation described above

    +
    import torch
    +import torch_tensorrt
    +
    +class MyModule(torch.nn.Module):
    +    def __init__(self):
    +        super().__init__()
    +        self.avgpool = torch.nn.AdaptiveAvgPool2d((1, 1))
    +
    +    def forward(self, x):
    +        x = self.avgpool(x)
    +        out = torch.flatten(x, 1)
    +        return out
    +
    +model = MyModel().eval().cuda()
    +# Compile with dynamic shapes
    +inputs = torch_tensorrt.Input(min_shape=(1, 512, 1, 1),
    +                     opt_shape=(4, 512, 1, 1),
    +                     max_shape=(8, 512, 1, 1),
    +                     dtype=torch.float32)
    +trt_gm = torch_tensorrt.compile(model, ir="dynamo", inputs)
    +
    +
    +

    The traced graph of MyModule() looks as follows

    +
    Post export graph: graph():
    +%arg0_1 : [num_users=2] = placeholder[target=arg0_1]
    +%mean : [num_users=1] = call_function[target=torch.ops.aten.mean.dim](args = (%arg0_1, [-1, -2], True), kwargs = {})
    +%sym_size : [num_users=1] = call_function[target=torch.ops.aten.sym_size.int](args = (%arg0_1, 0), kwargs = {})
    +%view : [num_users=1] = call_function[target=torch.ops.aten.view.default](args = (%mean, [%sym_size, 512]), kwargs = {})
    +return (view,)
    +
    +
    +

    Here the %sym_size node captures the dynamic batch and uses it in the aten.view layer. This requires shape tensors support +which would be a part of our next release.

    +
    +
    +

    Workaround (BERT static compilation example)

    +

    In the case where you encounter the issues mentioned in the Limitations section, +you can compile the model (static mode) with max input size that can be provided. In the cases of smaller inputs, +we can pad them accordingly. This is only a workaround until we address the limitations.

    +
    import torch
    +import torch_tensorrt
    +from transformers.utils.fx import symbolic_trace as transformers_trace
    +
    +model = BertModel.from_pretrained("bert-base-uncased").cuda().eval()
    +
    +# Input sequence length is 20.
    +input1 = torch.randint(0, 5, (1, 20), dtype=torch.int32).to("cuda")
    +input2 = torch.randint(0, 5, (1, 20), dtype=torch.int32).to("cuda")
    +
    +model = transformers_trace(model, input_names=["input_ids", "attention_mask"]).eval().cuda()
    +trt_mod = torch_tensorrt.compile(model, inputs=[input1, input2], **compile_spec)
    +model_outputs = model(input, input2)
    +
    +# If you have a sequence of length 14, pad 6 zero tokens and run inference
    +# or recompile for sequence length of 14.
    +input1 = torch.randint(0, 5, (1, 14), dtype=torch.int32).to("cuda")
    +input2 = torch.randint(0, 5, (1, 14), dtype=torch.int32).to("cuda")
    +trt_mod = torch_tensorrt.compile(model, inputs=[input1, input2], **compile_spec)
    +model_outputs = model(input, input2)
    +
    +
    +
    +
    +

    Dynamic shapes with ir=torch_compile

    +

    torch_tensorrt.compile(model, inputs, ir="torch_compile") returns a torch.compile boxed function with the backend +configured to Tensorrt. In the case of ir=torch_compile, users have to recompile for different input shapes. +In the future, we plan to explore the option of compiling with dynamic shapes in the first execution of the model.

    +
    import torch
    +import torch_tensorrt
    +
    +model = MyModel().eval().cuda()
    +inputs = torch.randn((1, 3, 224, 224), dtype=float32)
    +trt_gm = torch_tensorrt.compile(model, ir="torch_compile", inputs)
    +# Compilation happens when you call the model
    +trt_gm(inputs)
    +
    +# Recompilation happens with modified batch size
    +inputs_bs2 = torch.randn((2, 3, 224, 224), dtype=torch.float32)
    +trt_gm = torch_tensorrt.compile(model, ir="torch_compile", inputs_bs2)
    +
    +
    +
    +
    + + +
    + +
    + + +
    +
    + + +
    +
    + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +

    Docs

    +

    Access comprehensive developer documentation for PyTorch

    + View Docs +
    + +
    +

    Tutorials

    +

    Get in-depth tutorials for beginners and advanced developers

    + View Tutorials +
    + +
    +

    Resources

    +

    Find development resources and get your questions answered

    + View Resources +
    +
    +
    +
    + + + + + + + + + +
    +
    +
    +
    + + +
    +
    +
    + + +
    + + + + + + + + \ No newline at end of file diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 077a67d19d..0ab3468f05 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index f6c25c4006..4639a414d0 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+8ebf24d + v2.2.0.dev0+6571252
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 7864a6154b..daf3471c95 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+8ebf24d documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+6571252 documentation @@ -39,7 +39,7 @@ - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    + + + + + + + + + + + + + + + + +
    + +
      + +
    • + + + Docs + + > +
    • + + +
    • Saving models compiled with Torch-TensorRT
    • + + +
    • + + + + + +
    • + +
    + + +
    +
    + +
    + Shortcuts +
    +
    + +
    +
    + + + + + + +
    + +
    +
    + +
    +

    Saving models compiled with Torch-TensorRT

    +

    Saving models compiled with Torch-TensorRT varies slightly with the ir that has been used for compilation.

    +
      +
    1. Dynamo IR

    2. +
    +

    Starting with 2.1 release of Torch-TensorRT, we are switching the default compilation to be dynamo based. +The output of ir=dynamo compilation is a torch.fx.GraphModule object. There are two ways to save these objects

    +

    a) Converting to Torchscript +torch.fx.GraphModule objects cannot be serialized directly. Hence we use torch.jit.trace to convert this into a ScriptModule object which can be saved to disk. +The following code illustrates this approach.

    +
    import torch
    +import torch_tensorrt
    +
    +model = MyModel().eval().cuda()
    +inputs = torch.randn((1, 3, 224, 224)).cuda()
    +trt_gm = torch_tensorrt.compile(model, ir="dynamo", inputs) # Output is a torch.fx.GraphModule
    +trt_script_model = torch.jit.trace(trt_gm, inputs)
    +torch.jit.save(trt_script_model, "trt_model.ts")
    +
    +# Later, you can load it and run inference
    +model = torch.jit.load("trt_model.ts").cuda()
    +model(inputs)
    +
    +
    +

    b) ExportedProgram +torch.export.ExportedProgram is a new format introduced in Pytorch 2.1. After we compile a Pytorch module using Torch-TensorRT, the resultant +torch.fx.GraphModule along with additional metadata can be used to create ExportedProgram which can be saved and loaded from disk.

    +
    import torch
    +import torch_tensorrt
    +from torch_tensorrt.dynamo.export import transform, create_exported_program
    +
    +model = MyModel().eval().cuda()
    +inputs = torch.randn((1, 3, 224, 224)).cuda()
    +trt_gm = torch_tensorrt.compile(model, ir="dynamo", inputs) # Output is a torch.fx.GraphModule
    +# Transform and create an exported program
    +trt_gm = transform(trt_gm, inputs)
    +trt_exp_program = create_exported_program(trt_gm, call_spec, trt_gm.state_dict())
    +torch._export.save(trt_exp_program, "trt_model.ep")
    +
    +# Later, you can load it and run inference
    +model = torch._export.load("trt_model.ep")
    +model(inputs)
    +
    +
    +

    torch_tensorrt.dynamo.export.transform inlines the submodules within a GraphModule to their corresponding nodes and stiches all the nodes together. +This is needed as torch._export serialization cannot handle serializing and deserializing of submodules (call_module nodes).

    +

    NOTE: This way of saving the models using ExportedProgram is experimental. Here is a known issue : https://github.com/pytorch/TensorRT/issues/2341

    +
      +
    1. Torchscript IR

    2. +
    +
    +

    In Torch-TensorRT 1.X versions, the primary way to compile and run inference with Torch-TensorRT is using Torchscript IR. +This behavior stays the same in 2.X versions as well.

    +
    import torch
    +import torch_tensorrt
    +
    +model = MyModel().eval().cuda()
    +inputs = torch.randn((1, 3, 224, 224)).cuda()
    +trt_ts = torch_tensorrt.compile(model, ir="ts", inputs) # Output is a ScriptModule object
    +torch.jit.save(trt_ts, "trt_model.ts")
    +
    +# Later, you can load it and run inference
    +model = torch.jit.load("trt_model.ts").cuda()
    +model(inputs)
    +
    +
    +
    +
    + + +
    + +
    + + +
    +
    + + +
    +
    + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +

    Docs

    +

    Access comprehensive developer documentation for PyTorch

    + View Docs +
    + +
    +

    Tutorials

    +

    Get in-depth tutorials for beginners and advanced developers

    + View Tutorials +
    + +
    +

    Resources

    +

    Find development resources and get your questions answered

    + View Resources +
    +
    +
    +
    + + + + + + + + + +
    +
    +
    +
    + + +
    +
    +
    + + +
    + + + + + + + + \ No newline at end of file diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index 023dbb7e0e..10a36f8c6a 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+e432bf2 documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+7b21322 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+e432bf2 + v2.2.0.dev0+7b21322
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Saving models compiled with Torch-TensorRT
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 9b0ad6f56e..0fe9b78800 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+e432bf2 documentation + DLA — Torch-TensorRT v2.2.0.dev0+7b21322 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+e432bf2 + v2.2.0.dev0+7b21322
    @@ -269,6 +269,7 @@
  • Torch-TensorRT (FX Frontend) User Guide
  • Post Training Quantization (PTQ)
  • Deploying Torch-TensorRT Programs
  • +
  • Saving models compiled with Torch-TensorRT
  • Dynamic shapes with Torch-TensorRT
  • Using Torch-TensorRT Directly From PyTorch
  • DLA
  • From 6e0e2d4da6581b6d30b08478490d6dd40abefdce Mon Sep 17 00:00:00 2001 From: tinyinl Date: Wed, 4 Oct 2023 16:10:38 -0700 Subject: [PATCH 40/62] update naming --- py/torch_tensorrt/fx/converters/converter_utils.py | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 1b02905753..b12cb4146b 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -122,11 +122,12 @@ def set_layer_name( if isinstance(target, str) else f"{source_ir}_ops.{target.__name__}" ) - layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" + layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" + layer.metadata += f"[#_of_outputs_{layer.num_outputs}]" for i in range(layer.num_outputs): output = layer.get_output(i) - layer.name.append(f"-[{output.name}]") + output.name = f"[{output.name}]" From 22cf7016e32415aa36e60497a8ad0b0dc01fceff Mon Sep 17 00:00:00 2001 From: Dheeraj Peri Date: Thu, 5 Oct 2023 13:09:59 -0700 Subject: [PATCH 41/62] chore: Switch converter tests to generate standalone ops using fx.symbolic_trace (#2361) Signed-off-by: Dheeraj Peri Co-authored-by: gs-olive <113141689+gs-olive@users.noreply.github.com> --- tests/py/dynamo/conversion/harness.py | 105 ++++------------- tests/py/dynamo/conversion/test_abs_aten.py | 6 +- tests/py/dynamo/conversion/test_acos_aten.py | 6 +- tests/py/dynamo/conversion/test_acosh_aten.py | 6 +- .../conversion/test_adaptive_avgpool_aten.py | 28 +---- tests/py/dynamo/conversion/test_add_aten.py | 12 +- tests/py/dynamo/conversion/test_amax_aten.py | 12 +- tests/py/dynamo/conversion/test_asin_aten.py | 6 +- tests/py/dynamo/conversion/test_asinh_aten.py | 6 +- tests/py/dynamo/conversion/test_atan_aten.py | 6 +- tests/py/dynamo/conversion/test_atanh_aten.py | 6 +- .../dynamo/conversion/test_batchnorm_aten.py | 5 + .../dynamo/conversion/test_binary_ops_aten.py | 110 +++++++----------- tests/py/dynamo/conversion/test_bmm.py | 7 +- tests/py/dynamo/conversion/test_casts.py | 49 ++------ tests/py/dynamo/conversion/test_cat_aten.py | 12 +- tests/py/dynamo/conversion/test_ceil_aten.py | 6 +- tests/py/dynamo/conversion/test_clamp_aten.py | 18 ++- tests/py/dynamo/conversion/test_clip_aten.py | 21 ++-- .../conversion/test_convolution_aten.py | 23 +++- tests/py/dynamo/conversion/test_cos_aten.py | 6 +- tests/py/dynamo/conversion/test_cosh_aten.py | 6 +- .../conversion/test_deconvolution_aten.py | 23 +++- tests/py/dynamo/conversion/test_div_aten.py | 16 +-- tests/py/dynamo/conversion/test_elu_aten.py | 16 +-- .../dynamo/conversion/test_embedding_aten.py | 60 +++++----- tests/py/dynamo/conversion/test_equal_aten.py | 10 +- tests/py/dynamo/conversion/test_erf_aten.py | 6 +- tests/py/dynamo/conversion/test_evaluators.py | 2 - tests/py/dynamo/conversion/test_exp_aten.py | 6 +- .../py/dynamo/conversion/test_expand_aten.py | 3 +- tests/py/dynamo/conversion/test_floor_aten.py | 6 +- .../dynamo/conversion/test_floor_div_aten.py | 11 +- tests/py/dynamo/conversion/test_gelu_aten.py | 16 +-- .../py/dynamo/conversion/test_greater_aten.py | 9 +- .../conversion/test_hard_sigmoid_aten.py | 24 ++-- .../dynamo/conversion/test_hardtanh_aten.py | 18 +-- tests/py/dynamo/conversion/test_index_aten.py | 8 -- tests/py/dynamo/conversion/test_isinf_aten.py | 6 +- .../dynamo/conversion/test_layer_norm_aten.py | 4 + .../dynamo/conversion/test_leaky_relu_aten.py | 18 +-- tests/py/dynamo/conversion/test_less_aten.py | 9 +- .../py/dynamo/conversion/test_linear_aten.py | 20 ++-- tests/py/dynamo/conversion/test_log_aten.py | 6 +- .../conversion/test_logical_and_aten.py | 3 +- .../conversion/test_logical_not_aten.py | 9 +- .../dynamo/conversion/test_logical_or_aten.py | 3 +- .../conversion/test_logical_xor_aten.py | 3 +- .../py/dynamo/conversion/test_matmul_aten.py | 9 +- tests/py/dynamo/conversion/test_max_aten.py | 4 +- tests/py/dynamo/conversion/test_mean_aten.py | 30 ++--- tests/py/dynamo/conversion/test_min_aten.py | 3 +- tests/py/dynamo/conversion/test_mul_aten.py | 6 +- tests/py/dynamo/conversion/test_neg_aten.py | 6 +- .../conversion/test_permutation_aten.py | 20 ++-- tests/py/dynamo/conversion/test_pool_aten.py | 17 ++- tests/py/dynamo/conversion/test_pow_aten.py | 9 +- tests/py/dynamo/conversion/test_recip_aten.py | 6 +- tests/py/dynamo/conversion/test_relu_aten.py | 15 ++- .../py/dynamo/conversion/test_reshape_aten.py | 36 +----- tests/py/dynamo/conversion/test_round_aten.py | 6 +- tests/py/dynamo/conversion/test_rsqrt_aten.py | 3 +- .../py/dynamo/conversion/test_select_aten.py | 12 +- tests/py/dynamo/conversion/test_selu_aten.py | 55 --------- .../py/dynamo/conversion/test_sigmoid_aten.py | 21 ++-- tests/py/dynamo/conversion/test_sign_aten.py | 6 +- tests/py/dynamo/conversion/test_sin_aten.py | 6 +- tests/py/dynamo/conversion/test_sinh_aten.py | 6 +- tests/py/dynamo/conversion/test_slice_aten.py | 3 - .../py/dynamo/conversion/test_softmax_aten.py | 20 +--- .../dynamo/conversion/test_softplus_aten.py | 21 ++-- tests/py/dynamo/conversion/test_split_aten.py | 35 +++--- tests/py/dynamo/conversion/test_sqrt_aten.py | 6 +- .../py/dynamo/conversion/test_squeeze_aten.py | 33 +++--- tests/py/dynamo/conversion/test_sub_aten.py | 12 +- tests/py/dynamo/conversion/test_sum_aten.py | 15 +-- tests/py/dynamo/conversion/test_tan_aten.py | 6 +- tests/py/dynamo/conversion/test_tanh_aten.py | 16 +-- .../dynamo/conversion/test_unsqueeze_aten.py | 12 +- tests/py/dynamo/conversion/test_where_aten.py | 6 +- 80 files changed, 421 insertions(+), 817 deletions(-) delete mode 100644 tests/py/dynamo/conversion/test_selu_aten.py diff --git a/tests/py/dynamo/conversion/harness.py b/tests/py/dynamo/conversion/harness.py index 0d77f3f712..be13f7d2c1 100644 --- a/tests/py/dynamo/conversion/harness.py +++ b/tests/py/dynamo/conversion/harness.py @@ -4,8 +4,6 @@ from typing import Callable, List, Optional, Set, Tuple import torch -import torch_tensorrt.fx.tracer.dispatch_tracer.aten_tracer as aten_tracer -from torch.fx.passes.infra.pass_base import PassResult from torch.testing._internal.common_utils import TestCase from torch_tensorrt import Input from torch_tensorrt.dynamo._settings import CompilationSettings @@ -14,19 +12,6 @@ from torch_tensorrt.dynamo.conversion import TRTInterpreter from torch_tensorrt.dynamo.lowering import apply_lowering_passes from torch_tensorrt.dynamo.runtime import PythonTorchTensorRTModule -from torch_tensorrt.fx.passes.lower_basic_pass_aten import ( - compose_bmm, - compose_chunk, - compose_getitem_slice, - remove_ops, - replace_aten_op_with_indices, - replace_aten_reshape_alias_with_replace, - replace_builtin_ops, - replace_native_layernorm_with_layernorm, - replace_transpose_mm_op_with_linear, - run_const_fold, -) -from torch_tensorrt.fx.passes.pass_utils import chain_passes _LOGGER: logging.Logger = logging.getLogger(__name__) @@ -62,8 +47,6 @@ def run_test( self, mod, inputs, - expected_ops, - unexpected_ops, interpreter, rtol, atol, @@ -76,10 +59,6 @@ def run_test( cuda_inputs.append(i.cuda()) mod.eval() - if len(expected_ops): - self.assert_has_op(mod, expected_ops) - if unexpected_ops: - self.assert_unexpected_op(mod, unexpected_ops) start = time.perf_counter() interpreter_result = interpreter.run(precision=precision) sec = time.perf_counter() - start @@ -215,75 +194,44 @@ def generate_graph( self, mod: torch.nn.Module, original_inputs: List[torch.Tensor], - expected_ops: Set[Callable], - unexpected_ops: Optional[Set[Callable]] = None, - customized_passes: List[Callable] = None, - disable_passes: bool = False, + use_dynamo_tracer: bool, + enable_passes: bool, ): - # Torchdynamo+aot proxytensor tracer - # Below are common passes - passes_list = [ - compose_bmm, - compose_chunk, - compose_getitem_slice, - replace_aten_reshape_alias_with_replace, - replace_aten_op_with_indices, - replace_transpose_mm_op_with_linear, # after compose_bmm - replace_native_layernorm_with_layernorm, - remove_ops, - replace_builtin_ops, # after replace_native_layernorm_with_layernorm - ] - # Combine with customized passes specific to any model - if customized_passes: - passes_list.extend(customized_passes) - - if disable_passes: - passes_list = [] - - fx_module, _ = aten_tracer.trace(mod, original_inputs) - for passes in passes_list: - pr: PassResult = passes(fx_module) - fx_module = pr.graph_module - fx_module(*original_inputs) - - fx_module = run_const_fold(fx_module) + if use_dynamo_tracer: + fx_module = torch._dynamo.export( + mod, + *original_inputs, + aten_graph=True, + assume_static_by_default=True, + tracing_mode="real", + ).graph_module + else: + fx_module = torch.fx.symbolic_trace(mod) + if enable_passes: + fx_module = apply_lowering_passes(fx_module, original_inputs) _LOGGER.info(f"FX graph= {fx_module.graph}") - - if len(expected_ops): - self.assert_has_op(fx_module, expected_ops) - if unexpected_ops: - self.assert_unexpected_op(fx_module, unexpected_ops) - return fx_module def run_test( self, mod, inputs, - expected_ops, - unexpected_ops=None, - apply_passes=None, rtol=1e-03, atol=1e-03, precision=torch.float, check_dtype=True, - disable_passes=False, output_dtypes=None, + use_dynamo_tracer=False, + enable_passes=False, ): mod.eval() mod = self.generate_graph( mod, inputs, - expected_ops, - unexpected_ops, - None, - disable_passes=disable_passes, + use_dynamo_tracer=use_dynamo_tracer, + enable_passes=enable_passes, ) - if apply_passes is not None: - pass_tracer = chain_passes(*apply_passes) - mod = pass_tracer(mod, inputs) - # Previous instance of the interpreter auto-casted 64-bit inputs # We replicate this behavior here compilation_settings = CompilationSettings(truncate_long_and_double=True) @@ -297,8 +245,6 @@ def run_test( super().run_test( mod, inputs, - expected_ops, - unexpected_ops, interp, rtol, atol, @@ -310,22 +256,19 @@ def run_test_with_dynamic_shape( self, mod, input_specs, - expected_ops, - unexpected_ops=None, rtol=1e-03, atol=1e-03, - disable_passes=False, output_dtypes=None, + use_dynamo_tracer=False, + enable_passes=False, ): mod.eval() inputs = [spec.example_tensor("opt_shape") for spec in input_specs] mod = self.generate_graph( mod, inputs, - expected_ops, - unexpected_ops, - None, - disable_passes=disable_passes, + use_dynamo_tracer=use_dynamo_tracer, + enable_passes=enable_passes, ) # Previous instance of the interpreter auto-casted 64-bit inputs @@ -341,6 +284,4 @@ def run_test_with_dynamic_shape( # Since the lowering is based on optimal shape. We need to test with # different shape(for ex. max shape) for testing dynamic shape inputs_max = [spec.example_tensor("max_shape") for spec in input_specs] - super().run_test( - mod, inputs_max, expected_ops, unexpected_ops, interp, rtol, atol - ) + super().run_test(mod, inputs_max, interp, rtol, atol) diff --git a/tests/py/dynamo/conversion/test_abs_aten.py b/tests/py/dynamo/conversion/test_abs_aten.py index eb11730625..13beeb3bfa 100644 --- a/tests/py/dynamo/conversion/test_abs_aten.py +++ b/tests/py/dynamo/conversion/test_abs_aten.py @@ -18,13 +18,12 @@ class TestAbsConverter(DispatchTestCase): def test_abs_float(self, input_shape, dtype): class abs(nn.Module): def forward(self, input): - return torch.abs(input) + return torch.ops.aten.abs.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( abs(), inputs, - expected_ops={torch.ops.aten.abs.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_abs_int(self, input_shape, dtype, low, high): class abs(nn.Module): def forward(self, input): - return torch.abs(input) + return torch.ops.aten.abs.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( abs(), inputs, - expected_ops={torch.ops.aten.abs.default}, output_dtypes=[torch.int], ) diff --git a/tests/py/dynamo/conversion/test_acos_aten.py b/tests/py/dynamo/conversion/test_acos_aten.py index dc26e93ac8..503cc54f39 100644 --- a/tests/py/dynamo/conversion/test_acos_aten.py +++ b/tests/py/dynamo/conversion/test_acos_aten.py @@ -18,13 +18,12 @@ class TestAcosConverter(DispatchTestCase): def test_acos_float(self, input_shape, dtype): class acos(nn.Module): def forward(self, input): - return torch.acos(input) + return torch.ops.aten.acos.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( acos(), inputs, - expected_ops={torch.ops.aten.acos.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_acos_int(self, input_shape, dtype, low, high): class acos(nn.Module): def forward(self, input): - return torch.acos(input) + return torch.ops.aten.acos.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( acos(), inputs, - expected_ops={torch.ops.aten.acos.default}, ) diff --git a/tests/py/dynamo/conversion/test_acosh_aten.py b/tests/py/dynamo/conversion/test_acosh_aten.py index fc544b242d..d127bdd240 100644 --- a/tests/py/dynamo/conversion/test_acosh_aten.py +++ b/tests/py/dynamo/conversion/test_acosh_aten.py @@ -18,13 +18,12 @@ class TestAcoshConverter(DispatchTestCase): def test_acosh_float(self, input_shape, dtype): class acosh(nn.Module): def forward(self, input): - return torch.acosh(input) + return torch.ops.aten.acosh.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( acosh(), inputs, - expected_ops={torch.ops.aten.acosh.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_acosh_int(self, input_shape, dtype, low, high): class acosh(nn.Module): def forward(self, input): - return torch.acosh(input) + return torch.ops.aten.acosh.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( acosh(), inputs, - expected_ops={torch.ops.aten.acosh.default}, ) diff --git a/tests/py/dynamo/conversion/test_adaptive_avgpool_aten.py b/tests/py/dynamo/conversion/test_adaptive_avgpool_aten.py index e31657d76b..e19e1b6187 100644 --- a/tests/py/dynamo/conversion/test_adaptive_avgpool_aten.py +++ b/tests/py/dynamo/conversion/test_adaptive_avgpool_aten.py @@ -7,27 +7,11 @@ class TestAdaptiveAvgPoolConverter(DispatchTestCase): - def test_adaptive_avgpool_mean(self): - class TestModule(torch.nn.Module): - def __init__(self): - super().__init__() - self.pool = torch.nn.AdaptiveAvgPool2d((1, 1)) - - def forward(self, x): - return self.pool(x) - - inputs = [torch.randn(1, 3, 256, 256)] - self.run_test( - TestModule(), - inputs, - expected_ops={torch.ops.aten.mean.dim}, - ) - @parameterized.expand( [ ((64, 64),), ((128, 64),), - (64,), + # (64,), This case has been there in previous code but it isn't a valid pytorch code. ] ) def test_adaptive_avgpool( @@ -46,7 +30,7 @@ def forward(self, x): self.run_test( TestModule(), inputs, - expected_ops={torch.ops.aten._adaptive_avg_pool2d.default}, + use_dynamo_tracer=True, ) def test_adaptive_avgpool_with_dynamic_shape(self): @@ -66,9 +50,7 @@ def forward(self, x): ), ] self.run_test_with_dynamic_shape( - TestModule(), - input_specs, - expected_ops={torch.ops.aten._adaptive_avg_pool2d.default}, + TestModule(), input_specs, use_dynamo_tracer=True ) @parameterized.expand( @@ -94,7 +76,7 @@ def forward(self, x): self.run_test( TestModule(), inputs, - expected_ops={torch.ops.aten._adaptive_avg_pool3d.default}, + use_dynamo_tracer=True, ) def test_adaptive_avgpool3d_with_dynamic_shape(self): @@ -118,7 +100,7 @@ def forward(self, x): self.run_test_with_dynamic_shape( TestModule(), input_specs, - expected_ops={torch.ops.aten._adaptive_avg_pool3d.default}, + use_dynamo_tracer=True, ) # Testing with shape(-1, -1, -1, -1) results into error: "AdaptiveAvgPool2d and AdaptiveAvgPool3d currently doesn't support dynamic shapes for last two dims." diff --git a/tests/py/dynamo/conversion/test_add_aten.py b/tests/py/dynamo/conversion/test_add_aten.py index b9fec820c6..9cee27e91d 100644 --- a/tests/py/dynamo/conversion/test_add_aten.py +++ b/tests/py/dynamo/conversion/test_add_aten.py @@ -17,13 +17,12 @@ class TestAddConverter(DispatchTestCase): def test_add_tensor(self, _, shape): class add(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.add(lhs_val, rhs_val) + return torch.ops.aten.add.Tensor(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( add(), inputs, - expected_ops={torch.ops.aten.add.Tensor}, ) @parameterized.expand( @@ -35,13 +34,12 @@ def forward(self, lhs_val, rhs_val): def test_add_tensor_alpha(self, _, shape, alpha): class add(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.add(lhs_val, rhs_val, alpha=alpha) + return torch.ops.aten.add.Tensor(lhs_val, rhs_val, alpha=alpha) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( add(), inputs, - expected_ops={torch.ops.aten.add.Tensor}, ) @parameterized.expand( @@ -53,13 +51,12 @@ def forward(self, lhs_val, rhs_val): def test_add_scalar(self, _, shape, scalar): class add(nn.Module): def forward(self, lhs_val): - return torch.add(lhs_val, scalar) + return torch.ops.aten.add.Tensor(lhs_val, scalar) inputs = [torch.randn(shape)] self.run_test( add(), inputs, - expected_ops={torch.ops.aten.add.Tensor}, ) @parameterized.expand( @@ -71,13 +68,12 @@ def forward(self, lhs_val): def test_add_scalar_alpha(self, _, shape, scalar, alpha): class add(nn.Module): def forward(self, lhs_val): - return torch.add(lhs_val, scalar, alpha=alpha) + return torch.ops.aten.add.Tensor(lhs_val, scalar, alpha=alpha) inputs = [torch.randn(shape)] self.run_test( add(), inputs, - expected_ops={torch.ops.aten.add.Tensor}, ) diff --git a/tests/py/dynamo/conversion/test_amax_aten.py b/tests/py/dynamo/conversion/test_amax_aten.py index 70aa9842ae..9ac95dfdd0 100644 --- a/tests/py/dynamo/conversion/test_amax_aten.py +++ b/tests/py/dynamo/conversion/test_amax_aten.py @@ -19,13 +19,12 @@ class TestAmaxConverter(DispatchTestCase): def test_amax_dim_int_default(self, input_shape, dim, keep_dims): class Amax(nn.Module): def forward(self, x): - return torch.amax(x, dim=dim, keepdim=keep_dims) + return torch.ops.aten.amax.default(x, dim, keep_dims) inputs = [torch.randn(*input_shape)] self.run_test( Amax(), inputs, - expected_ops={torch.ops.aten.amax.default}, ) @parameterized.expand( @@ -39,13 +38,12 @@ def forward(self, x): def test_amax_dim_tuple_default(self, input_shape, dim, keep_dims): class Amax(nn.Module): def forward(self, x): - return torch.amax(x, dim=dim, keepdim=keep_dims) + return torch.ops.aten.amax.default(x, dim, keep_dims) inputs = [torch.randn(*input_shape)] self.run_test( Amax(), inputs, - expected_ops={torch.ops.aten.amax.default}, ) @parameterized.expand( @@ -60,13 +58,12 @@ def forward(self, x): def test_amax_dim_int_int(self, input_shape, dim, keep_dims, dtype, low, high): class Amax(nn.Module): def forward(self, x): - return torch.amax(x, dim=dim, keepdim=keep_dims) + return torch.ops.aten.amax.default(x, dim, keep_dims) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( Amax(), inputs, - expected_ops={torch.ops.aten.amax.default}, check_dtype=False, ) @@ -82,13 +79,12 @@ def forward(self, x): def test_amax_dim_tuple_int(self, input_shape, dim, keep_dims, dtype, low, high): class Amax(nn.Module): def forward(self, x): - return torch.amax(x, dim=dim, keepdim=keep_dims) + return torch.ops.aten.amax.default(x, dim, keep_dims) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( Amax(), inputs, - expected_ops={torch.ops.aten.amax.default}, check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_asin_aten.py b/tests/py/dynamo/conversion/test_asin_aten.py index 0b0626fc94..c77452b370 100644 --- a/tests/py/dynamo/conversion/test_asin_aten.py +++ b/tests/py/dynamo/conversion/test_asin_aten.py @@ -18,13 +18,12 @@ class TestAsinConverter(DispatchTestCase): def test_asin_float(self, input_shape, dtype): class asin(nn.Module): def forward(self, input): - return torch.asin(input) + return torch.ops.aten.asin.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( asin(), inputs, - expected_ops={torch.ops.aten.asin.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_asin_int(self, input_shape, dtype, low, high): class asin(nn.Module): def forward(self, input): - return torch.asin(input) + return torch.ops.aten.asin.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( asin(), inputs, - expected_ops={torch.ops.aten.asin.default}, ) diff --git a/tests/py/dynamo/conversion/test_asinh_aten.py b/tests/py/dynamo/conversion/test_asinh_aten.py index 6fe45ed077..eb78084daa 100644 --- a/tests/py/dynamo/conversion/test_asinh_aten.py +++ b/tests/py/dynamo/conversion/test_asinh_aten.py @@ -18,13 +18,12 @@ class TestAsinhConverter(DispatchTestCase): def test_asinh_float(self, input_shape, dtype): class asinh(nn.Module): def forward(self, input): - return torch.asinh(input) + return torch.ops.aten.asinh.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( asinh(), inputs, - expected_ops={torch.ops.aten.asinh.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_asinh_int(self, input_shape, dtype, low, high): class asinh(nn.Module): def forward(self, input): - return torch.asinh(input) + return torch.ops.aten.asinh.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( asinh(), inputs, - expected_ops={torch.ops.aten.asinh.default}, ) diff --git a/tests/py/dynamo/conversion/test_atan_aten.py b/tests/py/dynamo/conversion/test_atan_aten.py index 54fe808a70..ee9e83b495 100644 --- a/tests/py/dynamo/conversion/test_atan_aten.py +++ b/tests/py/dynamo/conversion/test_atan_aten.py @@ -18,13 +18,12 @@ class TestAtanConverter(DispatchTestCase): def test_atan_float(self, input_shape, dtype): class atan(nn.Module): def forward(self, input): - return torch.atan(input) + return torch.ops.aten.atan.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( atan(), inputs, - expected_ops={torch.ops.aten.atan.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_atan_int(self, input_shape, dtype, low, high): class atan(nn.Module): def forward(self, input): - return torch.atan(input) + return torch.ops.aten.atan.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( atan(), inputs, - expected_ops={torch.ops.aten.atan.default}, ) diff --git a/tests/py/dynamo/conversion/test_atanh_aten.py b/tests/py/dynamo/conversion/test_atanh_aten.py index 2a5fae8847..500acb30fb 100644 --- a/tests/py/dynamo/conversion/test_atanh_aten.py +++ b/tests/py/dynamo/conversion/test_atanh_aten.py @@ -18,13 +18,12 @@ class TestAtanhConverter(DispatchTestCase): def test_atanh_float(self, input_shape, dtype): class atanh(nn.Module): def forward(self, input): - return torch.atanh(input) + return torch.ops.aten.atanh.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( atanh(), inputs, - expected_ops={torch.ops.aten.atanh.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_atanh_int(self, input_shape, dtype, low, high): class atanh(nn.Module): def forward(self, input): - return torch.atanh(input) + return torch.ops.aten.atanh.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( atanh(), inputs, - expected_ops={torch.ops.aten.atanh.default}, ) diff --git a/tests/py/dynamo/conversion/test_batchnorm_aten.py b/tests/py/dynamo/conversion/test_batchnorm_aten.py index 5729827deb..cb946bcc40 100644 --- a/tests/py/dynamo/conversion/test_batchnorm_aten.py +++ b/tests/py/dynamo/conversion/test_batchnorm_aten.py @@ -1,3 +1,5 @@ +import unittest + import torch from torch.testing._internal.common_utils import run_tests from torch_tensorrt import Input @@ -6,6 +8,7 @@ class TestBatchNormConverter(DispatchTestCase): + @unittest.skip("Pending ongoing work on batchnorm converter in Dynamo") def test_batchnorm(self): class TestModule(torch.nn.Module): def __init__(self): @@ -18,6 +21,7 @@ def forward(self, x): inputs = [torch.randn(1, 3, 224, 224)] self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.batch_norm}) + @unittest.skip("Pending ongoing work on batchnorm converter in Dynamo") def test_batchnorm1d_with_dynamic_shape(self): class TestModule(torch.nn.Module): def __init__(self): @@ -39,6 +43,7 @@ def forward(self, x): TestModule(), input_specs, expected_ops={torch.ops.aten.batch_norm} ) + @unittest.skip("Pending ongoing work on batchnorm converter in Dynamo") def test_batchnorm_with_dynamic_shape(self): class TestModule(torch.nn.Module): def __init__(self): diff --git a/tests/py/dynamo/conversion/test_binary_ops_aten.py b/tests/py/dynamo/conversion/test_binary_ops_aten.py index 90e220d63d..331fab591d 100644 --- a/tests/py/dynamo/conversion/test_binary_ops_aten.py +++ b/tests/py/dynamo/conversion/test_binary_ops_aten.py @@ -12,57 +12,39 @@ NEED_TEST_BOTH_CONSTANTS_CASE = True elementwise_ops = [ - ((lambda x, y: x + y), torch.ops.aten.add.Tensor, NEED_TEST_BOTH_CONSTANTS_CASE), + ((lambda x, y: torch.ops.aten.add.Tensor(x, y)), NEED_TEST_BOTH_CONSTANTS_CASE), + ((lambda x, y: torch.ops.aten.sub.Tensor(x, y)), NEED_TEST_BOTH_CONSTANTS_CASE), + ((lambda x, y: torch.ops.aten.div.Tensor(x, y)), NEED_TEST_BOTH_CONSTANTS_CASE), ( - (lambda x, y: torch.add(x, y)), - torch.ops.aten.add.Tensor, + (lambda x, y: torch.ops.aten.floor_divide.default(x, y)), NEED_TEST_BOTH_CONSTANTS_CASE, ), - ((lambda x, y: x.add(y)), torch.ops.aten.add.Tensor, NEED_TEST_BOTH_CONSTANTS_CASE), - ((lambda x, y: x - y), torch.ops.aten.sub.Tensor, NEED_TEST_BOTH_CONSTANTS_CASE), - ((lambda x, y: torch.sub(x, y)), torch.ops.aten.sub.Tensor, False), - ((lambda x, y: x.sub(y)), torch.ops.aten.sub.Tensor, False), - ((lambda x, y: x / y), torch.ops.aten.div.Tensor, NEED_TEST_BOTH_CONSTANTS_CASE), ( - (lambda x, y: x // y), - torch.ops.aten.floor_divide.default, - NEED_TEST_BOTH_CONSTANTS_CASE, - ), - ( - (lambda x, y: torch.div(x, y, rounding_mode="trunc")), - torch.ops.aten.div.Tensor_mode, + (lambda x, y: torch.ops.aten.div.Tensor_mode(x, y, rounding_mode="trunc")), not NEED_TEST_BOTH_CONSTANTS_CASE, ), ( - (lambda x, y: torch.div(x, y, rounding_mode="floor")), - torch.ops.aten.div.Tensor_mode, + (lambda x, y: torch.ops.aten.div.Tensor_mode(x, y, rounding_mode="floor")), NEED_TEST_BOTH_CONSTANTS_CASE, ), ( - (lambda x, y: torch.div(x, y)), - torch.ops.aten.div.Tensor, - NEED_TEST_BOTH_CONSTANTS_CASE, - ), - ( - (lambda x, y: torch.fmod(x, y)), torch.ops.aten.fmod.Tensor, not NEED_TEST_BOTH_CONSTANTS_CASE, ), ## torch.floor_divide rounds result toward zero, rather than -Inf. ## https://github.com/pytorch/pytorch/issues/43874 ( - (lambda x, y: torch.floor_divide(x, y)), - torch.ops.aten.floor_divide.default, + (lambda x, y: torch.ops.aten.floor_divide.default(x, y)), not NEED_TEST_BOTH_CONSTANTS_CASE, ), - ((lambda x, y: x * y), torch.ops.aten.mul.Tensor, NEED_TEST_BOTH_CONSTANTS_CASE), - (torch.pow, torch.ops.aten.pow.Tensor_Tensor, not NEED_TEST_BOTH_CONSTANTS_CASE), + ((lambda x, y: torch.ops.aten.mul.Tensor(x, y)), NEED_TEST_BOTH_CONSTANTS_CASE), + (torch.ops.aten.pow.Tensor_Tensor, not NEED_TEST_BOTH_CONSTANTS_CASE), ] class TestBinaryOpConverters(DispatchTestCase): - @parameterized.expand([(op[1].__name__, op[0], op[1]) for op in elementwise_ops]) - def test_elementwise_ops(self, name, orig_op: Callable, expected_op): + @parameterized.expand([(op[0].__name__, op[0]) for op in elementwise_ops]) + def test_elementwise_ops(self, name, orig_op: Callable): class TestModule(nn.Module): def __init__(self, orig_op): super().__init__() @@ -74,13 +56,11 @@ def forward(self, x): m = TestModule(orig_op) # Avoid dividing by 0. inputs = [torch.rand(1, 1) + 1] - self.run_test(m, inputs, expected_ops={expected_op}) + self.run_test(m, inputs) - @parameterized.expand([(op[1].__name__, op[0], op[1]) for op in elementwise_ops]) + @parameterized.expand([(op[0].__name__, op[0]) for op in elementwise_ops]) @unittest.skip("Pending reimplementation of all binary converters in Dynamo") - def test_elementwise_ops_mismatched_dtypes( - self, name, orig_op: Callable, expected_op - ): + def test_elementwise_ops_mismatched_dtypes(self, name, orig_op: Callable): class TestModule(nn.Module): def __init__(self, orig_op): super().__init__() @@ -95,12 +75,16 @@ def forward(self, x, y): 2 * torch.rand(1, 1, dtype=torch.float) + 1, torch.randint(1, 3, (1, 1), dtype=torch.int), ] - self.run_test(m, inputs, expected_ops={expected_op}) + self.run_test(m, inputs) - @parameterized.expand([(op[1].__name__, op[0], op[1]) for op in elementwise_ops]) - def test_elementwise_ops_with_one_constant( - self, name, orig_op: Callable, expected_op - ): + @parameterized.expand( + [ + (op[0].__name__, op[0]) + for op in elementwise_ops + if op[0].__name__ not in ["pow.Tensor_Tensor", "fmod.Tensor"] + ] + ) + def test_elementwise_ops_with_one_constant(self, name, orig_op: Callable): class TestModule(nn.Module): def __init__(self, orig_op): super().__init__() @@ -113,14 +97,10 @@ def forward(self, x): m = TestModule(orig_op) inputs = [torch.randn(2, 2)] - self.run_test(m, inputs, expected_ops={expected_op}) + self.run_test(m, inputs) - @parameterized.expand( - [(op[1].__name__, op[0], op[1]) for op in elementwise_ops if op[2]] - ) - def test_elementwise_op_with_both_constants( - self, name, orig_op: Callable, expected_op - ): + @parameterized.expand([(op[0].__name__, op[0]) for op in elementwise_ops if op[1]]) + def test_elementwise_op_with_both_constants(self, name, orig_op: Callable): class TestModule(nn.Module): def __init__(self, orig_op): super().__init__() @@ -134,10 +114,10 @@ def forward(self, x): m = TestModule(orig_op) inputs = [torch.randn(2, 2)] - self.run_test(m, inputs, expected_ops={expected_op}) + self.run_test(m, inputs) - @parameterized.expand([((lambda x, y: x / y), torch.ops.aten.div.Tensor)]) - def test_elementwise_op_div_with_two_ints(self, orig_op: Callable, expected_op): + @parameterized.expand([((lambda x, y: torch.ops.aten.div.Tensor(x, y)))]) + def test_elementwise_op_div_with_two_ints(self, orig_op: Callable): class TestModule(nn.Module): def __init__(self, orig_op): super().__init__() @@ -148,12 +128,10 @@ def forward(self, x): m = TestModule(orig_op) inputs = [torch.randint(1, 10, (5,), dtype=torch.int32)] - self.run_test(m, inputs, expected_ops={expected_op}) + self.run_test(m, inputs) - @parameterized.expand([((lambda x, y: x / y), torch.ops.aten.div.Tensor)]) - def test_elementwise_op_div_with_one_int_one_constant( - self, orig_op: Callable, expected_op - ): + @parameterized.expand([(lambda x, y: torch.ops.aten.div.Tensor(x, y))]) + def test_elementwise_op_div_with_one_int_one_constant(self, orig_op: Callable): class TestModule(nn.Module): def __init__(self, orig_op): super().__init__() @@ -169,37 +147,35 @@ def forward(self, x): m = TestModule(orig_op) inputs = [torch.randint(1, 10, (5,), dtype=torch.int32)] - self.run_test(m, inputs, expected_ops={expected_op}) + self.run_test(m, inputs) # Dynamic shape test @parameterized.expand( [ ( - f"no_broadcast_{op[1].__name__}", + f"no_broadcast_{op[0].__name__}", (-1, -1), ((1, 1), (2, 2), (3, 3)), (-1, -1), ((1, 1), (2, 2), (3, 3)), op[0], - op[1], ) for op in elementwise_ops ] + [ ( - f"broadcast_{op[1].__name__}", + f"broadcast_{op[0].__name__}", (-1, -1, -1), ((1, 1, 1), (2, 2, 2), (3, 3, 3)), (-1, -1), ((1, 1), (2, 2), (3, 3)), op[0], - op[1], ) for op in elementwise_ops ] ) def test_elementwise_op_with_dynamic_shape( - self, _, x_shape, x_shape_ranges, y_shape, y_shape_ranges, orig_op, expected_op + self, _, x_shape, x_shape_ranges, y_shape, y_shape_ranges, orig_op ): class Op(nn.Module): def forward(self, x, y): @@ -217,29 +193,25 @@ def forward(self, x, y): shape_ranges=[y_shape_ranges], ), ] - self.run_test_with_dynamic_shape(Op(), input_specs, expected_ops={expected_op}) + self.run_test_with_dynamic_shape(Op(), input_specs) @parameterized.expand( [ ( - f"no_broadcast_{op[1].__name__}", + f"no_broadcast_{op[0].__name__}", op[0], - op[1], ) for op in elementwise_ops ] + [ ( - f"broadcast_{op[1].__name__}", + f"broadcast_{op[0].__name__}", op[0], - op[1], ) for op in elementwise_ops ] ) - def test_elementwise_op_with_dynamic_shape_four_dimensions( - self, _, orig_op, expected_op - ): + def test_elementwise_op_with_dynamic_shape_four_dimensions(self, _, orig_op): class Op(nn.Module): def forward(self, x, y): return orig_op(x, y) @@ -256,7 +228,7 @@ def forward(self, x, y): shape_ranges=[((1, 1, 1, 1), (3, 3, 3, 3), (5, 5, 5, 5))], ), ] - self.run_test_with_dynamic_shape(Op(), input_specs, expected_ops={expected_op}) + self.run_test_with_dynamic_shape(Op(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_bmm.py b/tests/py/dynamo/conversion/test_bmm.py index 391bd0bf89..f494e128f9 100644 --- a/tests/py/dynamo/conversion/test_bmm.py +++ b/tests/py/dynamo/conversion/test_bmm.py @@ -16,19 +16,14 @@ class TestBmmConverter(DispatchTestCase): ) def test_bmm(self, _, input_shape, mat2_shape): class BMM(nn.Module): - def __init__(self): - super().__init__() - def forward(self, input, mat2): - return torch.bmm(input, mat2) + return torch.ops.aten.bmm.default(input, mat2) inputs = [torch.randn(*input_shape), torch.randn(*mat2_shape)] self.run_test( BMM(), inputs, - disable_passes=True, - expected_ops={torch.ops.aten.bmm.default}, ) diff --git a/tests/py/dynamo/conversion/test_casts.py b/tests/py/dynamo/conversion/test_casts.py index 50d94713c5..f17eb7b1d4 100644 --- a/tests/py/dynamo/conversion/test_casts.py +++ b/tests/py/dynamo/conversion/test_casts.py @@ -10,42 +10,27 @@ class TestCloneConverter(DispatchTestCase): def test_clone_contiguous(self): class Clone(nn.Module): def forward(self, x): - y = torch.clone(x, memory_format=torch.contiguous_format) + y = torch.ops.aten.clone.default( + x, memory_format=torch.contiguous_format + ) return y + 1 inputs = [torch.randn((1, 3, 10))] self.run_test( Clone(), inputs, - expected_ops={torch.ops.aten.clone.default}, - disable_passes=True, ) def test_clone_regular(self): class Clone(nn.Module): def forward(self, x): - y = torch.clone(x) + y = torch.ops.aten.clone.default(x) return y + 1 inputs = [torch.randn((8, 2, 10))] self.run_test( Clone(), inputs, - expected_ops={torch.ops.aten.clone.default}, - disable_passes=True, - ) - - def test_clone_direct(self): - class Clone(nn.Module): - def forward(self, x): - return x.clone() - - inputs = [torch.randn((8, 2, 10))] - self.run_test( - Clone(), - inputs, - expected_ops={torch.ops.aten.clone.default}, - disable_passes=True, ) @@ -53,37 +38,33 @@ class TestToCopyConverter(DispatchTestCase): def test_to_copy_half(self): class ToCopyHalf(nn.Module): def forward(self, x): - y = x.to(dtype=torch.half) + y = torch.ops.aten._to_copy.default(x, dtype=torch.half) return y inputs = [torch.rand((1, 3, 10))] self.run_test( ToCopyHalf(), inputs, - expected_ops={torch.ops.aten._to_copy.default}, precision=torch.half, - disable_passes=True, ) def test_to_copy_float(self): class ToCopyFloat(nn.Module): def forward(self, x): - y = x.to(dtype=torch.float) + y = torch.ops.aten._to_copy.default(x, dtype=torch.float) return y inputs = [torch.rand((1, 3, 10)).half()] self.run_test( ToCopyFloat(), inputs, - expected_ops={torch.ops.aten._to_copy.default}, precision=torch.float, - disable_passes=True, ) def test_to_copy_unsupported(self): class ToCopy64Bit(nn.Module): def forward(self, x): - y = x.to(dtype=torch.int64) + y = torch.ops.aten._to_copy.default(x, dtype=torch.int64) return y inputs = [torch.randn((1, 3, 10)).int()] @@ -92,24 +73,8 @@ def forward(self, x): self.run_test( ToCopy64Bit(), inputs, - expected_ops={torch.ops.aten._to_copy.default}, - disable_passes=True, ) - def test_to_copy_direct(self): - class ToCopyFloat(nn.Module): - def forward(self, x): - return x.to(dtype=torch.float, copy=True) - - inputs = [torch.rand((1, 3, 10)).float()] - self.run_test( - ToCopyFloat(), - inputs, - expected_ops={torch.ops.aten._to_copy.default}, - precision=torch.float, - disable_passes=True, - ) - if __name__ == "__main__": run_tests() diff --git a/tests/py/dynamo/conversion/test_cat_aten.py b/tests/py/dynamo/conversion/test_cat_aten.py index 32e50bffbd..a8d8bae42f 100644 --- a/tests/py/dynamo/conversion/test_cat_aten.py +++ b/tests/py/dynamo/conversion/test_cat_aten.py @@ -17,13 +17,12 @@ class TestCatConverter(DispatchTestCase): def test_cat(self, _, dim): class Cat(nn.Module): def forward(self, x, y, z): - return torch.cat((x, y, z), dim) + return torch.ops.aten.cat.default((x, y, z), dim) inputs = [torch.randn(1, 2, 3), torch.randn(1, 1, 3), torch.randn(1, 3, 3)] self.run_test( Cat(), inputs, - expected_ops={torch.ops.aten.cat.default}, ) @parameterized.expand( @@ -35,7 +34,7 @@ def forward(self, x, y, z): def test_cat_dynamic_shape(self, _, dim): class Cat(nn.Module): def forward(self, x, y): - return torch.cat((x, y), dim) + return torch.ops.aten.cat.default((x, y), dim) input_specs = [ Input( @@ -52,25 +51,23 @@ def forward(self, x, y): self.run_test_with_dynamic_shape( Cat(), input_specs, - expected_ops={torch.ops.aten.cat.default}, ) def test_cat_no_dim(self): class Cat(nn.Module): def forward(self, x, y, z): - return torch.cat((x, y, z)) + return torch.ops.aten.cat.default((x, y, z)) inputs = [torch.randn(2, 1, 3), torch.randn(1, 1, 3), torch.randn(3, 1, 3)] self.run_test( Cat(), inputs, - expected_ops={torch.ops.aten.cat.default}, ) def test_cat_dynamic_shape_no_dim(self): class Cat(nn.Module): def forward(self, x, y): - return torch.cat((x, y)) + return torch.ops.aten.cat.default((x, y)) input_specs = [ Input( @@ -87,7 +84,6 @@ def forward(self, x, y): self.run_test_with_dynamic_shape( Cat(), input_specs, - expected_ops={torch.ops.aten.cat.default}, ) diff --git a/tests/py/dynamo/conversion/test_ceil_aten.py b/tests/py/dynamo/conversion/test_ceil_aten.py index 951579475e..321a3a45d7 100644 --- a/tests/py/dynamo/conversion/test_ceil_aten.py +++ b/tests/py/dynamo/conversion/test_ceil_aten.py @@ -18,13 +18,12 @@ class TestCeilConverter(DispatchTestCase): def test_ceil_float(self, input_shape, dtype): class ceil(nn.Module): def forward(self, input): - return torch.ceil(input) + return torch.ops.aten.ceil.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( ceil(), inputs, - expected_ops={torch.ops.aten.ceil.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_ceil_int(self, input_shape, dtype, low, high): class ceil(nn.Module): def forward(self, input): - return torch.ceil(input) + return torch.ops.aten.ceil.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( ceil(), inputs, - expected_ops={torch.ops.aten.ceil.default}, check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_clamp_aten.py b/tests/py/dynamo/conversion/test_clamp_aten.py index 00b5ba339a..fcee7bfa3c 100644 --- a/tests/py/dynamo/conversion/test_clamp_aten.py +++ b/tests/py/dynamo/conversion/test_clamp_aten.py @@ -24,10 +24,10 @@ def test_clamp( ): class TestModule(torch.nn.Module): def forward(self, x): - return torch.clamp(x, min, max) + return torch.ops.aten.clamp.default(x, min, max) inputs = [torch.randn(3, 4)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.clamp.default}) + self.run_test(TestModule(), inputs) @parameterized.expand( [ @@ -45,12 +45,12 @@ def test_clamp_with_dynamic_shape_four_dimensions( ): class TestModule(torch.nn.Module): def forward(self, x): - return torch.clamp(x, min, max) + return torch.ops.aten.clamp.default(x, min, max) class TestScalarModule(torch.nn.Module): def forward(self, x): - y = torch.mean(x) - return torch.clamp(y, min, max) + y = torch.ops.aten.mean.default(x) + return torch.ops.aten.clamp.default(y, min, max) input_specs = [ Input( @@ -60,12 +60,8 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.clamp.default} - ) - self.run_test_with_dynamic_shape( - TestScalarModule(), input_specs, expected_ops={torch.ops.aten.clamp.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) + self.run_test_with_dynamic_shape(TestScalarModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_clip_aten.py b/tests/py/dynamo/conversion/test_clip_aten.py index 01e885bc38..a3819fb4dd 100644 --- a/tests/py/dynamo/conversion/test_clip_aten.py +++ b/tests/py/dynamo/conversion/test_clip_aten.py @@ -1,9 +1,10 @@ import torch -from .harness import DispatchTestCase from parameterized import param, parameterized from torch.testing._internal.common_utils import run_tests from torch_tensorrt import Input +from .harness import DispatchTestCase + class TestClipConverter(DispatchTestCase): @parameterized.expand( @@ -18,10 +19,10 @@ class TestClipConverter(DispatchTestCase): def test_clip(self, test_name, min=None, max=None): class TestModule(torch.nn.Module): def forward(self, x): - return torch.clip(x, min, max) + return torch.ops.aten.clamp.default(x, min, max) inputs = [torch.randn(3, 4)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.clamp.default}) + self.run_test(TestModule(), inputs) @parameterized.expand( [ @@ -36,12 +37,12 @@ def test_clip_with_dynamic_shape_four_dimensions( ): class TestModule(torch.nn.Module): def forward(self, x): - return torch.clip(x, min, max) + return torch.ops.aten.clamp.default(x, min, max) class TestScalarModule(torch.nn.Module): def forward(self, x): - y = torch.mean(x) - return torch.clip(y, min, max) + y = torch.ops.aten.mean.default(x) + return torch.ops.aten.clamp.default(y, min, max) input_specs = [ Input( @@ -51,12 +52,8 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.clamp.default} - ) - self.run_test_with_dynamic_shape( - TestScalarModule(), input_specs, expected_ops={torch.ops.aten.clamp.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) + self.run_test_with_dynamic_shape(TestScalarModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_convolution_aten.py b/tests/py/dynamo/conversion/test_convolution_aten.py index 62e9e9a411..7d69c871a9 100644 --- a/tests/py/dynamo/conversion/test_convolution_aten.py +++ b/tests/py/dynamo/conversion/test_convolution_aten.py @@ -1,6 +1,7 @@ import torch from parameterized import param, parameterized from torch.testing._internal.common_utils import run_tests + from torch_tensorrt import Input from .harness import DispatchTestCase @@ -41,7 +42,7 @@ def forward(self, x): self.run_test( TestModule(), inputs, - expected_ops={torch.ops.aten.convolution.default}, + use_dynamo_tracer=True, ) def test_conv1d_with_dynamic_shape( @@ -72,7 +73,9 @@ def forward(self, x): ] self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + input_specs, + use_dynamo_tracer=True, ) @parameterized.expand( @@ -114,7 +117,9 @@ def forward(self, x): inputs = [torch.randn(1, 3, 32, 32)] self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + inputs, + use_dynamo_tracer=True, ) # Testing with (-1, -1, -1, -1) results into Error: @@ -137,7 +142,9 @@ def forward(self, x): ), ] self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + input_specs, + use_dynamo_tracer=True, ) @parameterized.expand( @@ -173,7 +180,9 @@ def forward(self, x): inputs = [torch.randn(1, 3, 32, 32, 32)] self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + inputs, + use_dynamo_tracer=True, ) # Testing with (-1, -1, -1, -1, -1) results into Error: @@ -196,7 +205,9 @@ def forward(self, x): ), ] self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + input_specs, + use_dynamo_tracer=True, ) diff --git a/tests/py/dynamo/conversion/test_cos_aten.py b/tests/py/dynamo/conversion/test_cos_aten.py index 7bbfad3673..505f303219 100644 --- a/tests/py/dynamo/conversion/test_cos_aten.py +++ b/tests/py/dynamo/conversion/test_cos_aten.py @@ -18,13 +18,12 @@ class TestCosConverter(DispatchTestCase): def test_cos_float(self, input_shape, dtype): class cos(nn.Module): def forward(self, input): - return torch.cos(input) + return torch.ops.aten.cos.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( cos(), inputs, - expected_ops={torch.ops.aten.cos.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_cos_int(self, input_shape, dtype, low, high): class cos(nn.Module): def forward(self, input): - return torch.cos(input) + return torch.ops.aten.cos.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( cos(), inputs, - expected_ops={torch.ops.aten.cos.default}, ) diff --git a/tests/py/dynamo/conversion/test_cosh_aten.py b/tests/py/dynamo/conversion/test_cosh_aten.py index 02c472bb1f..1175613796 100644 --- a/tests/py/dynamo/conversion/test_cosh_aten.py +++ b/tests/py/dynamo/conversion/test_cosh_aten.py @@ -18,13 +18,12 @@ class TestCoshConverter(DispatchTestCase): def test_cosh_float(self, input_shape, dtype): class cosh(nn.Module): def forward(self, input): - return torch.cosh(input) + return torch.ops.aten.cosh.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( cosh(), inputs, - expected_ops={torch.ops.aten.cosh.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_cosh_int(self, input_shape, dtype, low, high): class cosh(nn.Module): def forward(self, input): - return torch.cosh(input) + return torch.ops.aten.cosh.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( cosh(), inputs, - expected_ops={torch.ops.aten.cosh.default}, ) diff --git a/tests/py/dynamo/conversion/test_deconvolution_aten.py b/tests/py/dynamo/conversion/test_deconvolution_aten.py index 939a7ea9c0..6024b6946e 100644 --- a/tests/py/dynamo/conversion/test_deconvolution_aten.py +++ b/tests/py/dynamo/conversion/test_deconvolution_aten.py @@ -1,6 +1,7 @@ import torch from parameterized import param, parameterized from torch.testing._internal.common_utils import run_tests + from torch_tensorrt import Input from .harness import DispatchTestCase @@ -48,7 +49,7 @@ def forward(self, x): self.run_test( TestModule(), inputs, - expected_ops={torch.ops.aten.convolution.default}, + use_dynamo_tracer=True, ) def test_deconv1d_with_dynamic_shape( @@ -86,7 +87,9 @@ def forward(self, x): ] self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + input_specs, + use_dynamo_tracer=True, ) @parameterized.expand( @@ -128,7 +131,9 @@ def forward(self, x): inputs = [torch.randn(1, 3, 32, 32)] self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + inputs, + use_dynamo_tracer=True, ) # Testing with (-1, -1, -1, -1) results into Error: @@ -151,7 +156,9 @@ def forward(self, x): ), ] self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + input_specs, + use_dynamo_tracer=True, ) @parameterized.expand( @@ -193,7 +200,9 @@ def forward(self, x): inputs = [torch.randn(1, 3, 32, 32, 32)] self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + inputs, + use_dynamo_tracer=True, ) # Testing with (-1, -1, -1, -1, -1) results into Error: @@ -216,7 +225,9 @@ def forward(self, x): ), ] self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.convolution.default} + TestModule(), + input_specs, + use_dynamo_tracer=True, ) diff --git a/tests/py/dynamo/conversion/test_div_aten.py b/tests/py/dynamo/conversion/test_div_aten.py index 49a13ea3a6..2facb52289 100644 --- a/tests/py/dynamo/conversion/test_div_aten.py +++ b/tests/py/dynamo/conversion/test_div_aten.py @@ -17,13 +17,12 @@ class TestDivConverter(DispatchTestCase): def test_div_tensor(self, _, shape): class div(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.div(lhs_val, rhs_val) + return torch.ops.aten.div.Tensor(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( div(), inputs, - expected_ops={torch.ops.aten.div.Tensor}, ) @parameterized.expand( @@ -36,13 +35,14 @@ def forward(self, lhs_val, rhs_val): def test_div_tensor_rounding_mode(self, _, shape, rounding_mode): class div(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.div(lhs_val, rhs_val, rounding_mode=rounding_mode) + return torch.ops.aten.div.Tensor_mode( + lhs_val, rhs_val, rounding_mode=rounding_mode + ) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( div(), inputs, - expected_ops={torch.ops.aten.div.Tensor_mode}, ) @parameterized.expand( @@ -54,13 +54,12 @@ def forward(self, lhs_val, rhs_val): def test_div_tensor(self, _, shape, scalar): class div(nn.Module): def forward(self, lhs_val): - return torch.div(lhs_val, scalar) + return torch.ops.aten.div.Tensor(lhs_val, scalar) inputs = [torch.randn(shape)] self.run_test( div(), inputs, - expected_ops={torch.ops.aten.div.Tensor}, ) @parameterized.expand( @@ -73,13 +72,14 @@ def forward(self, lhs_val): def test_div_tensor_rounding_mode(self, _, shape, scalar, rounding_mode): class div(nn.Module): def forward(self, lhs_val): - return torch.div(lhs_val, scalar, rounding_mode=rounding_mode) + return torch.ops.aten.div.Tensor_mode( + lhs_val, scalar, rounding_mode=rounding_mode + ) inputs = [torch.randn(shape)] self.run_test( div(), inputs, - expected_ops={torch.ops.aten.div.Tensor_mode}, ) diff --git a/tests/py/dynamo/conversion/test_elu_aten.py b/tests/py/dynamo/conversion/test_elu_aten.py index a4a10f9da2..efcb2ba4ba 100644 --- a/tests/py/dynamo/conversion/test_elu_aten.py +++ b/tests/py/dynamo/conversion/test_elu_aten.py @@ -10,15 +10,15 @@ class TestELUConverter(DispatchTestCase): def test_elu(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.elu(x) + return torch.ops.aten.elu.default(x) inputs = [torch.randn(1, 10)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.elu.default}) + self.run_test(TestModule(), inputs) def test_elu_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.elu(x) + return torch.ops.aten.elu.default(x) input_specs = [ Input( @@ -27,14 +27,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.elu.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_elu_with_dynamic_shape_four_dimensions(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.elu(x) + return torch.ops.aten.elu.default(x) input_specs = [ Input( @@ -44,9 +42,7 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.elu.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_embedding_aten.py b/tests/py/dynamo/conversion/test_embedding_aten.py index 1573989492..0ce4c5b49b 100644 --- a/tests/py/dynamo/conversion/test_embedding_aten.py +++ b/tests/py/dynamo/conversion/test_embedding_aten.py @@ -12,18 +12,20 @@ class TestEmbeddingConverter(DispatchTestCase): [ param( test_name="1d_indices", - indices_tensor=torch.tensor([3, 1, 2]), - weights_tensor=torch.randn(5, 10), + indices_tensor=torch.tensor([3, 1, 2], dtype=torch.int32), + weights_tensor=torch.randn((5, 10), dtype=torch.float32), ), param( test_name="2d_indices", - indices_tensor=torch.tensor([[3, 1, 2], [4, 1, 3]]), - weights_tensor=torch.randn(5, 10), + indices_tensor=torch.tensor([[3, 1, 2], [4, 1, 3]], dtype=torch.int32), + weights_tensor=torch.randn((5, 10), dtype=torch.float32), ), param( test_name="3d_indices", - indices_tensor=torch.tensor([[[0, 1], [2, 3]], [[3, 4], [4, 0]]]), - weights_tensor=torch.randn(5, 10), + indices_tensor=torch.tensor( + [[[0, 1], [2, 3]], [[3, 4], [4, 0]]], dtype=torch.int32 + ), + weights_tensor=torch.randn((5, 10), dtype=torch.float32), ), ] ) @@ -32,54 +34,49 @@ def test_embedding( test_name, indices_tensor, weights_tensor, - padding_idx=None, + padding_idx=-1, max_norm=None, norm_type=2.0, - scale_grad_by_freq=False, - sparse=False, + scale_grad_by_freq=None, + sparse=None, ): class TestEmbedding(torch.nn.Module): def forward(self, indices, weights): - return torch.nn.functional.embedding( - input=indices, - weight=weights, - padding_idx=padding_idx, - max_norm=max_norm, - norm_type=norm_type, - scale_grad_by_freq=scale_grad_by_freq, - sparse=sparse, + return torch.ops.aten.embedding.default( + weights, + indices, + padding_idx, + scale_grad_by_freq, + sparse, ) self.run_test( TestEmbedding(), - inputs=[indices_tensor.int(), weights_tensor.float()], - expected_ops={torch.ops.aten.embedding.default}, + inputs=[indices_tensor, weights_tensor], ) def test_embedding_with_dynamic_shape_four_dimensions( self, - padding_idx=None, + padding_idx=-1, max_norm=None, norm_type=2.0, - scale_grad_by_freq=False, - sparse=False, + scale_grad_by_freq=None, + sparse=None, ): class TestEmbedding(torch.nn.Module): def forward(self, input, weights): - return torch.nn.functional.embedding( - input=input, - weight=weights, - padding_idx=padding_idx, - max_norm=max_norm, - norm_type=norm_type, - scale_grad_by_freq=scale_grad_by_freq, - sparse=sparse, + return torch.ops.aten.embedding.default( + weights, + input, + padding_idx, + scale_grad_by_freq, + sparse, ) input_specs = [ Input( shape=(-1, -1, -1, -1), - dtype=torch.int, + dtype=torch.int32, shape_ranges=[((1, 1, 1, 1), (2, 3, 4, 5), (2, 3, 10, 10))], ), Input( @@ -92,7 +89,6 @@ def forward(self, input, weights): self.run_test_with_dynamic_shape( TestEmbedding(), input_specs, - expected_ops={torch.ops.aten.embedding.default}, ) diff --git a/tests/py/dynamo/conversion/test_equal_aten.py b/tests/py/dynamo/conversion/test_equal_aten.py index edc2259487..7761b31410 100644 --- a/tests/py/dynamo/conversion/test_equal_aten.py +++ b/tests/py/dynamo/conversion/test_equal_aten.py @@ -17,13 +17,12 @@ class TestEqualConverter(DispatchTestCase): def test_equal_tensor(self, _, shape): class equal(nn.Module): def forward(self, lhs_val, rhs_val): - return lhs_val == rhs_val + return torch.ops.aten.eq.Tensor(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( equal(), inputs, - expected_ops={torch.ops.aten.eq.Tensor}, output_dtypes=[torch.bool], ) @@ -36,13 +35,12 @@ def forward(self, lhs_val, rhs_val): def test_equal_tensor_scalar(self, _, shape, scalar): class equal(nn.Module): def forward(self, lhs_val): - return lhs_val == torch.tensor(scalar) + return torch.ops.aten.eq.Tensor(lhs_val, torch.tensor(scalar)) inputs = [torch.randn(shape)] self.run_test( equal(), inputs, - expected_ops={torch.ops.aten.eq.Tensor}, output_dtypes=[torch.bool], ) @@ -55,13 +53,13 @@ def forward(self, lhs_val): def test_equal_scalar(self, _, shape, scalar): class equal(nn.Module): def forward(self, lhs_val): - return lhs_val == scalar + return torch.ops.aten.eq.Scalar(lhs_val, scalar) inputs = [torch.randn(shape)] self.run_test( equal(), inputs, - expected_ops={torch.ops.aten.eq.Scalar}, + # expected_ops={torch.ops.aten.eq.Scalar}, output_dtypes=[torch.bool], ) diff --git a/tests/py/dynamo/conversion/test_erf_aten.py b/tests/py/dynamo/conversion/test_erf_aten.py index e50deeb5bb..3f52e436b4 100644 --- a/tests/py/dynamo/conversion/test_erf_aten.py +++ b/tests/py/dynamo/conversion/test_erf_aten.py @@ -19,14 +19,13 @@ class TestErfConverter(DispatchTestCase): def test_erf_float(self, _, x, type): class erf(nn.Module): def forward(self, input): - return torch.erf(input) + return torch.ops.aten.erf.default(input) inputs = [torch.randn(x, dtype=type)] self.run_test( erf(), inputs, precision=type, - expected_ops={torch.ops.aten.erf.default}, ) @parameterized.expand( @@ -38,13 +37,12 @@ def forward(self, input): def test_erf_int(self, _, x, type, min, max): class erf(nn.Module): def forward(self, input): - return torch.erf(input) + return torch.ops.aten.erf.default(input) inputs = [torch.randint(min, max, x, dtype=type)] self.run_test( erf(), inputs, - expected_ops={torch.ops.aten.erf.default}, ) diff --git a/tests/py/dynamo/conversion/test_evaluators.py b/tests/py/dynamo/conversion/test_evaluators.py index b7a0ce7ac5..6302f7a0ac 100644 --- a/tests/py/dynamo/conversion/test_evaluators.py +++ b/tests/py/dynamo/conversion/test_evaluators.py @@ -29,8 +29,6 @@ def forward(self, x): self.run_test( GetItem(), inputs, - expected_ops={operator.getitem}, - disable_passes=True, ) diff --git a/tests/py/dynamo/conversion/test_exp_aten.py b/tests/py/dynamo/conversion/test_exp_aten.py index 4a333cbbb7..ac1c5dfbcb 100644 --- a/tests/py/dynamo/conversion/test_exp_aten.py +++ b/tests/py/dynamo/conversion/test_exp_aten.py @@ -18,13 +18,12 @@ class TestExpConverter(DispatchTestCase): def test_exp_float(self, input_shape, dtype): class exp(nn.Module): def forward(self, input): - return torch.exp(input) + return torch.ops.aten.exp.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( exp(), inputs, - expected_ops={torch.ops.aten.exp.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_exp_int(self, input_shape, dtype, low, high): class exp(nn.Module): def forward(self, input): - return torch.exp(input) + return torch.ops.aten.exp.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( exp(), inputs, - expected_ops={torch.ops.aten.exp.default}, ) diff --git a/tests/py/dynamo/conversion/test_expand_aten.py b/tests/py/dynamo/conversion/test_expand_aten.py index ca76c99f48..0d35700139 100644 --- a/tests/py/dynamo/conversion/test_expand_aten.py +++ b/tests/py/dynamo/conversion/test_expand_aten.py @@ -19,13 +19,12 @@ class TestExpandConverter(DispatchTestCase): def test_expand(self, _, sizes, init_size): class Expand(nn.Module): def forward(self, x): - return x.expand(*sizes) + return torch.ops.aten.expand.default(x, sizes) inputs = [torch.randn(*init_size)] self.run_test( Expand(), inputs, - expected_ops={torch.ops.aten.expand.default}, ) diff --git a/tests/py/dynamo/conversion/test_floor_aten.py b/tests/py/dynamo/conversion/test_floor_aten.py index 397e40391d..7b3e535590 100644 --- a/tests/py/dynamo/conversion/test_floor_aten.py +++ b/tests/py/dynamo/conversion/test_floor_aten.py @@ -18,13 +18,12 @@ class TestFloorConverter(DispatchTestCase): def test_floor_float(self, input_shape, dtype): class floor(nn.Module): def forward(self, input): - return torch.floor(input) + return torch.ops.aten.floor.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( floor(), inputs, - expected_ops={torch.ops.aten.floor.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_floor_int(self, input_shape, dtype, low, high): class floor(nn.Module): def forward(self, input): - return torch.floor(input) + return torch.ops.aten.floor.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( floor(), inputs, - expected_ops={torch.ops.aten.floor.default}, check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_floor_div_aten.py b/tests/py/dynamo/conversion/test_floor_div_aten.py index 329e8bca8a..1b7d0425f3 100644 --- a/tests/py/dynamo/conversion/test_floor_div_aten.py +++ b/tests/py/dynamo/conversion/test_floor_div_aten.py @@ -17,13 +17,12 @@ class TestFloorDivConverter(DispatchTestCase): def test_floor_div_default(self, _, shape): class floor_div(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.floor_divide(lhs_val, rhs_val) + return torch.ops.aten.floor_divide.default(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( floor_div(), inputs, - expected_ops={torch.ops.aten.floor_divide.default}, ) @parameterized.expand( @@ -35,13 +34,14 @@ def forward(self, lhs_val, rhs_val): def test_floor_div_tensor_scalar(self, _, shape, scalar): class floor_div(nn.Module): def forward(self, lhs_val): - return torch.floor_divide(lhs_val, torch.tensor(scalar)) + return torch.ops.aten.floor_divide.default( + lhs_val, torch.tensor(scalar) + ) inputs = [torch.randn(shape)] self.run_test( floor_div(), inputs, - expected_ops={torch.ops.aten.floor_divide.default}, ) @parameterized.expand( @@ -53,13 +53,12 @@ def forward(self, lhs_val): def test_floor_div_scalar(self, _, shape, scalar): class floor_div(nn.Module): def forward(self, lhs_val): - return torch.floor_divide(lhs_val, scalar) + return torch.ops.aten.floor_divide.default(lhs_val, scalar) inputs = [torch.randn(shape)] self.run_test( floor_div(), inputs, - expected_ops={torch.ops.aten.floor_divide.default}, ) diff --git a/tests/py/dynamo/conversion/test_gelu_aten.py b/tests/py/dynamo/conversion/test_gelu_aten.py index e6f234f299..df0a0eca5f 100644 --- a/tests/py/dynamo/conversion/test_gelu_aten.py +++ b/tests/py/dynamo/conversion/test_gelu_aten.py @@ -12,15 +12,15 @@ class TestGeLUConverter(DispatchTestCase): def test_gelu(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.gelu(x) + return torch.ops.aten.gelu.default(x) inputs = [torch.randn(1, 10)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.gelu.default}) + self.run_test(TestModule(), inputs) def test_gelu_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.gelu(x) + return torch.ops.aten.gelu.default(x) input_specs = [ Input( @@ -29,14 +29,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.gelu.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_gelu_with_dynamic_shape_four_dimensions(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.gelu(x) + return torch.ops.aten.gelu.default(x) input_specs = [ Input( @@ -46,9 +44,7 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.gelu.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_greater_aten.py b/tests/py/dynamo/conversion/test_greater_aten.py index d677c1583f..230fff23d8 100644 --- a/tests/py/dynamo/conversion/test_greater_aten.py +++ b/tests/py/dynamo/conversion/test_greater_aten.py @@ -17,13 +17,12 @@ class TestGreaterConverter(DispatchTestCase): def test_greater_tensor(self, _, shape): class greater(nn.Module): def forward(self, lhs_val, rhs_val): - return lhs_val > rhs_val + return torch.ops.aten.gt.Tensor(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( greater(), inputs, - expected_ops={torch.ops.aten.gt.Tensor}, output_dtypes=[torch.bool], ) @@ -36,13 +35,12 @@ def forward(self, lhs_val, rhs_val): def test_greater_tensor_scalar(self, _, shape, scalar): class greater(nn.Module): def forward(self, lhs_val): - return lhs_val > torch.tensor(scalar) + return torch.ops.aten.gt.Tensor(lhs_val, torch.tensor(scalar)) inputs = [torch.randn(shape)] self.run_test( greater(), inputs, - expected_ops={torch.ops.aten.gt.Tensor}, output_dtypes=[torch.bool], ) @@ -55,13 +53,12 @@ def forward(self, lhs_val): def test_greater_scalar(self, _, shape, scalar): class greater(nn.Module): def forward(self, lhs_val): - return lhs_val > scalar + return torch.ops.aten.gt.Scalar(lhs_val, scalar) inputs = [torch.randn(shape)] self.run_test( greater(), inputs, - expected_ops={torch.ops.aten.gt.Scalar}, output_dtypes=[torch.bool], ) diff --git a/tests/py/dynamo/conversion/test_hard_sigmoid_aten.py b/tests/py/dynamo/conversion/test_hard_sigmoid_aten.py index 2e1f5ddd5b..20014b9347 100644 --- a/tests/py/dynamo/conversion/test_hard_sigmoid_aten.py +++ b/tests/py/dynamo/conversion/test_hard_sigmoid_aten.py @@ -1,25 +1,24 @@ import torch import torch.nn as nn -from .harness import DispatchTestCase from torch.testing._internal.common_utils import run_tests from torch_tensorrt import Input +from .harness import DispatchTestCase + class TestHardSigmoidConverter(DispatchTestCase): def test_hardsigmoid(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.hardsigmoid(x) + return torch.ops.aten.hardsigmoid.default(x) inputs = [torch.randn(1, 10)] - self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.hardsigmoid.default} - ) + self.run_test(TestModule(), inputs) def test_hardsigmoid_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.hardsigmoid(x) + return torch.ops.aten.hardsigmoid.default(x) input_specs = [ Input( @@ -28,14 +27,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.hardsigmoid.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_hardsigmoid_with_dynamic_shape_four_dimensions(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.hardsigmoid(x) + return torch.ops.aten.hardsigmoid.default(x) input_specs = [ Input( @@ -45,20 +42,17 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.hardsigmoid.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_hardsigmoid_fp16(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.hardsigmoid(x) + return torch.ops.aten.hardsigmoid.default(x) inputs = [torch.randn(1, 10)] self.run_test( TestModule(), inputs, - expected_ops={torch.ops.aten.hardsigmoid.default}, precision=torch.half, check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_hardtanh_aten.py b/tests/py/dynamo/conversion/test_hardtanh_aten.py index d58a6880cb..1c8cae2d53 100644 --- a/tests/py/dynamo/conversion/test_hardtanh_aten.py +++ b/tests/py/dynamo/conversion/test_hardtanh_aten.py @@ -10,17 +10,15 @@ class TestHardTanHConverter(DispatchTestCase): def test_hardtanh(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.hardtanh(x) + return torch.ops.aten.hardtanh.default(x, -1.0, 1.0) inputs = [torch.randn(1, 10)] - self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.hardtanh.default} - ) + self.run_test(TestModule(), inputs) def test_hardtanh_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.hardtanh(x) + return torch.ops.aten.hardtanh.default(x, -1.0, 1.0) input_specs = [ Input( @@ -29,14 +27,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.hardtanh.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_hardtanh_with_dynamic_shape_four_dimensions(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.hardtanh(x) + return torch.ops.aten.hardtanh.default(x, -1.0, 1.0) input_specs = [ Input( @@ -46,9 +42,7 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.hardtanh.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_index_aten.py b/tests/py/dynamo/conversion/test_index_aten.py index 828da7c5e9..393eb53c63 100644 --- a/tests/py/dynamo/conversion/test_index_aten.py +++ b/tests/py/dynamo/conversion/test_index_aten.py @@ -25,7 +25,6 @@ def forward(self, x): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.index.Tensor}, ) def test_index_zero_index_three_dim(self): @@ -43,7 +42,6 @@ def forward(self, x): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.index.Tensor}, ) def test_index_zero_index_one_index_two_three_dim(self): @@ -62,7 +60,6 @@ def forward(self, x): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.index.Tensor}, ) def test_index_zero_index_one_four_dim(self): @@ -81,7 +78,6 @@ def forward(self, x): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.index.Tensor}, ) def test_index_zero_index_one_four_dim_SD(self): @@ -104,7 +100,6 @@ def forward(self, x): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.index.Tensor}, ) def test_index_one_SD_unsqueeze_four_dim(self): @@ -125,7 +120,6 @@ def forward(self, x): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.index.Tensor}, ) def test_index_zero_index_one_index_two_SD_unsqueeze_four_dim_broadcast(self): @@ -148,7 +142,6 @@ def forward(self, x): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.index.Tensor}, ) def test_index_zero_index_one_index_four_dim_non_continuous(self): @@ -167,7 +160,6 @@ def forward(self, x): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.index.Tensor}, ) diff --git a/tests/py/dynamo/conversion/test_isinf_aten.py b/tests/py/dynamo/conversion/test_isinf_aten.py index b41294ca61..78695dbe21 100644 --- a/tests/py/dynamo/conversion/test_isinf_aten.py +++ b/tests/py/dynamo/conversion/test_isinf_aten.py @@ -29,13 +29,12 @@ class TestIsInfConverter(DispatchTestCase): def test_isinf_float(self, data): class isinf(nn.Module): def forward(self, input): - return torch.isinf(input) + return torch.ops.aten.isinf.default(input) inputs = [data] self.run_test( isinf(), inputs, - expected_ops={torch.ops.aten.isinf.default}, output_dtypes=[torch.bool], ) @@ -49,13 +48,12 @@ def forward(self, input): def test_isinf_int(self, input_shape, dtype, low, high): class isinf(nn.Module): def forward(self, input): - return torch.isinf(input) + return torch.ops.aten.isinf.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( isinf(), inputs, - expected_ops={torch.ops.aten.isinf.default}, output_dtypes=[torch.bool], ) diff --git a/tests/py/dynamo/conversion/test_layer_norm_aten.py b/tests/py/dynamo/conversion/test_layer_norm_aten.py index 8498877061..0cc374e307 100644 --- a/tests/py/dynamo/conversion/test_layer_norm_aten.py +++ b/tests/py/dynamo/conversion/test_layer_norm_aten.py @@ -1,3 +1,5 @@ +import unittest + import torch from torch.testing._internal.common_utils import run_tests from torch_tensorrt import Input @@ -6,6 +8,7 @@ class TestLayerNormConverter(DispatchTestCase): + @unittest.skip("Pending ongoing work on layernorm converter in Dynamo") def test_layer_norm(self): class TestModule(torch.nn.Module): def __init__(self): @@ -20,6 +23,7 @@ def forward(self, x): TestModule(), inputs, expected_ops={torch.ops.aten.layer_norm.default} ) + @unittest.skip("Pending ongoing work on layernorm converter in Dynamo") def test_layernorm_with_dynamic_shape(self): class TestModule(torch.nn.Module): def __init__(self): diff --git a/tests/py/dynamo/conversion/test_leaky_relu_aten.py b/tests/py/dynamo/conversion/test_leaky_relu_aten.py index 577b70a4af..346f1e92ec 100644 --- a/tests/py/dynamo/conversion/test_leaky_relu_aten.py +++ b/tests/py/dynamo/conversion/test_leaky_relu_aten.py @@ -10,17 +10,15 @@ class TestLeakyReLUConverter(DispatchTestCase): def test_leaky_relu(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.leaky_relu(x, negative_slope=0.05) + return torch.ops.aten.leaky_relu.default(x, 0.05) inputs = [torch.randn(1, 10)] - self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.leaky_relu.default} - ) + self.run_test(TestModule(), inputs) def test_leaky_relu_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.leaky_relu(x, negative_slope=0.05) + return torch.ops.aten.leaky_relu.default(x, 0.05) input_specs = [ Input( @@ -29,14 +27,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.leaky_relu.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_leaky_relu_with_dynamic_shape_four_dimensions(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.leaky_relu(x, negative_slope=0.05) + return torch.ops.aten.leaky_relu.default(x, 0.05) input_specs = [ Input( @@ -46,9 +42,7 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.leaky_relu.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_less_aten.py b/tests/py/dynamo/conversion/test_less_aten.py index 35efb38791..28ca2cb514 100644 --- a/tests/py/dynamo/conversion/test_less_aten.py +++ b/tests/py/dynamo/conversion/test_less_aten.py @@ -17,13 +17,12 @@ class TestLessConverter(DispatchTestCase): def test_less_tensor(self, _, shape): class less(nn.Module): def forward(self, lhs_val, rhs_val): - return lhs_val < rhs_val + return torch.ops.aten.lt.Tensor(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( less(), inputs, - expected_ops={torch.ops.aten.lt.Tensor}, output_dtypes=[torch.bool], ) @@ -36,13 +35,12 @@ def forward(self, lhs_val, rhs_val): def test_less_tensor_scalar(self, _, shape, scalar): class less(nn.Module): def forward(self, lhs_val): - return lhs_val < torch.tensor(scalar) + return torch.ops.aten.lt.Tensor(lhs_val, torch.tensor(scalar)) inputs = [torch.randn(shape)] self.run_test( less(), inputs, - expected_ops={torch.ops.aten.lt.Tensor}, output_dtypes=[torch.bool], ) @@ -55,13 +53,12 @@ def forward(self, lhs_val): def test_less_scalar(self, _, shape, scalar): class less(nn.Module): def forward(self, lhs_val): - return lhs_val < scalar + return torch.ops.aten.lt.Scalar(lhs_val, scalar) inputs = [torch.randn(shape)] self.run_test( less(), inputs, - expected_ops={torch.ops.aten.lt.Scalar}, output_dtypes=[torch.bool], ) diff --git a/tests/py/dynamo/conversion/test_linear_aten.py b/tests/py/dynamo/conversion/test_linear_aten.py index 37fed4a305..63b324c78f 100644 --- a/tests/py/dynamo/conversion/test_linear_aten.py +++ b/tests/py/dynamo/conversion/test_linear_aten.py @@ -8,20 +8,20 @@ class TestLinearConverter(DispatchTestCase): @parameterized.expand( [ - ("default", [1, 512], True, torch.ops.aten.linear), - ("matrix", [5, 512], True, torch.ops.aten.linear), - ("no_bias", [1, 512], False, torch.ops.aten.linear), + ("default", [1, 512], True, torch.ops.aten.linear.default), + ("matrix", [5, 512], True, torch.ops.aten.linear.default), + ("no_bias", [1, 512], False, torch.ops.aten.linear.default), ( "multi_dim_matrix", [4, 5, 512], True, - torch.ops.aten.linear, + torch.ops.aten.linear.default, ), ( "multi_dim_matrix", [4, 5, 512], False, - torch.ops.aten.linear, + torch.ops.aten.linear.default, ), ] ) @@ -29,13 +29,17 @@ def test_linear(self, test_name, shape, bias, op): class TestModule(torch.nn.Module): def __init__(self): super().__init__() - self.linear = torch.nn.Linear(512, 256, bias) + self.weight = torch.randn((256, 512)) + if bias: + self.bias = torch.randn((256)) + else: + self.bias = None def forward(self, x): - return self.linear(x) + return torch.ops.aten.linear.default(x, self.weight, self.bias) inputs = [torch.randn(shape)] - self.run_test(TestModule(), inputs, expected_ops={op}) + self.run_test(TestModule(), inputs) # linear will be decomposed to P531484488 and view(reshape) can not handle reshape pattern # like (2, 3, n)->(6, n) in implicit mode which is similar to dynamic shape test below. diff --git a/tests/py/dynamo/conversion/test_log_aten.py b/tests/py/dynamo/conversion/test_log_aten.py index 3c0b007799..662b7ab99d 100644 --- a/tests/py/dynamo/conversion/test_log_aten.py +++ b/tests/py/dynamo/conversion/test_log_aten.py @@ -18,13 +18,12 @@ class TestLogConverter(DispatchTestCase): def test_log_float(self, input_shape, dtype): class log(nn.Module): def forward(self, input): - return torch.log(input) + return torch.ops.aten.log.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( log(), inputs, - expected_ops={torch.ops.aten.log.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_log_int(self, input_shape, dtype, low, high): class log(nn.Module): def forward(self, input): - return torch.log(input) + return torch.ops.aten.log.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( log(), inputs, - expected_ops={torch.ops.aten.log.default}, ) diff --git a/tests/py/dynamo/conversion/test_logical_and_aten.py b/tests/py/dynamo/conversion/test_logical_and_aten.py index b9c1f383ba..ce57fccc1f 100644 --- a/tests/py/dynamo/conversion/test_logical_and_aten.py +++ b/tests/py/dynamo/conversion/test_logical_and_aten.py @@ -17,13 +17,12 @@ class TestLogicalAndConverter(DispatchTestCase): def test_logical_and(self, _, shape): class logical_and(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.logical_and(lhs_val, rhs_val) + return torch.ops.aten.logical_and.default(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( logical_and(), inputs, - expected_ops={torch.ops.aten.logical_and.default}, ) diff --git a/tests/py/dynamo/conversion/test_logical_not_aten.py b/tests/py/dynamo/conversion/test_logical_not_aten.py index cf269fe0e5..a36a8dbf72 100644 --- a/tests/py/dynamo/conversion/test_logical_not_aten.py +++ b/tests/py/dynamo/conversion/test_logical_not_aten.py @@ -16,13 +16,12 @@ class TestLogicalNotConverter(DispatchTestCase): def test_logical_not_bool(self, data): class logical_not(nn.Module): def forward(self, input): - return torch.logical_not(input) + return torch.ops.aten.logical_not.default(input) inputs = [data] self.run_test( logical_not(), inputs, - expected_ops={torch.ops.aten.logical_not.default}, output_dtypes=[torch.bool], ) @@ -36,13 +35,12 @@ def forward(self, input): def test_logical_not_int(self, input_shape, dtype, low, high): class logical_not(nn.Module): def forward(self, input): - return torch.logical_not(input) + return torch.ops.aten.logical_not.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( logical_not(), inputs, - expected_ops={torch.ops.aten.logical_not.default}, output_dtypes=[torch.bool], ) @@ -56,13 +54,12 @@ def forward(self, input): def test_logical_not_float(self, input_shape, dtype): class logical_not(nn.Module): def forward(self, input): - return torch.logical_not(input) + return torch.ops.aten.logical_not.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( logical_not(), inputs, - expected_ops={torch.ops.aten.logical_not.default}, output_dtypes=[torch.bool], ) diff --git a/tests/py/dynamo/conversion/test_logical_or_aten.py b/tests/py/dynamo/conversion/test_logical_or_aten.py index df8e577932..63772fe360 100644 --- a/tests/py/dynamo/conversion/test_logical_or_aten.py +++ b/tests/py/dynamo/conversion/test_logical_or_aten.py @@ -17,13 +17,12 @@ class TestLogicalOrConverter(DispatchTestCase): def test_logical_or(self, _, shape): class logical_or(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.logical_or(lhs_val, rhs_val) + return torch.ops.aten.logical_or.default(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( logical_or(), inputs, - expected_ops={torch.ops.aten.logical_or.default}, ) diff --git a/tests/py/dynamo/conversion/test_logical_xor_aten.py b/tests/py/dynamo/conversion/test_logical_xor_aten.py index c31a31541d..880ba77f53 100644 --- a/tests/py/dynamo/conversion/test_logical_xor_aten.py +++ b/tests/py/dynamo/conversion/test_logical_xor_aten.py @@ -17,13 +17,12 @@ class TestLogicalXorConverter(DispatchTestCase): def test_logical_xor(self, _, shape): class logical_xor(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.logical_xor(lhs_val, rhs_val) + return torch.ops.aten.logical_xor.default(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( logical_xor(), inputs, - expected_ops={torch.ops.aten.logical_xor.default}, ) diff --git a/tests/py/dynamo/conversion/test_matmul_aten.py b/tests/py/dynamo/conversion/test_matmul_aten.py index 816686c4ec..bb54348bcf 100644 --- a/tests/py/dynamo/conversion/test_matmul_aten.py +++ b/tests/py/dynamo/conversion/test_matmul_aten.py @@ -53,14 +53,13 @@ def __init__(self): self.other = nn.Parameter(torch.randn(*other_shape)) def forward(self, input): - return torch.matmul(input, self.other) + return torch.ops.aten.mm.default(input, self.other) inputs = [torch.randn(*input_shape)] self.run_test( MatMul(), inputs, - expected_ops={torch.ops.aten.mm.default}, ) @parameterized.expand( @@ -94,14 +93,13 @@ def __init__(self): self.other = nn.Parameter(torch.randn(*other_shape)) def forward(self, input): - return torch.matmul(input, self.other) + return torch.ops.aten.mv.default(input, self.other) inputs = [torch.randn(*input_shape)] self.run_test( MatMul(), inputs, - expected_ops={torch.ops.aten.mv.default}, ) @parameterized.expand( @@ -118,14 +116,13 @@ def forward(self, input): def test_matmul(self, _, input_shape, other_shape): class MatMul(nn.Module): def forward(self, input, other): - return torch.matmul(input, other) + return torch.ops.aten.mm.default(input, other) inputs = [torch.randn(*input_shape), torch.randn(*other_shape)] self.run_test( MatMul(), inputs, - expected_ops={torch.ops.aten.mm.default}, ) # FIXME: dynamic shape is giving bmm diff --git a/tests/py/dynamo/conversion/test_max_aten.py b/tests/py/dynamo/conversion/test_max_aten.py index 2be1d9c74b..d2247f61dd 100644 --- a/tests/py/dynamo/conversion/test_max_aten.py +++ b/tests/py/dynamo/conversion/test_max_aten.py @@ -17,13 +17,13 @@ class TestMaxConverter(DispatchTestCase): def test_max(self, _, shape): class max(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.max(lhs_val, rhs_val) + return torch.ops.aten.maximum.default(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( max(), inputs, - expected_ops={torch.ops.aten.maximum.default}, + # expected_ops={torch.ops.aten.maximum.default}, ) diff --git a/tests/py/dynamo/conversion/test_mean_aten.py b/tests/py/dynamo/conversion/test_mean_aten.py index c341dfe382..638dc9c62f 100644 --- a/tests/py/dynamo/conversion/test_mean_aten.py +++ b/tests/py/dynamo/conversion/test_mean_aten.py @@ -10,15 +10,15 @@ class TestMeanDimConverter(DispatchTestCase): def test_mean_dim_keepdims(self): class TestModule(nn.Module): def forward(self, x): - return torch.mean(x, dim=[0, 1], keepdim=True) + return torch.ops.aten.mean.dim(x, [0, 1], True) inputs = [torch.randn(1, 10)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.mean.dim}) + self.run_test(TestModule(), inputs) def test_mean_dim_keepdims_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return torch.mean(x, dim=[0, 1, 2], keepdim=True) + return torch.ops.aten.mean.dim(x, [0, 1, 2], True) input_specs = [ Input( @@ -27,22 +27,20 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.mean.dim} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_mean_dim_keepdims_false(self): class TestModule(nn.Module): def forward(self, x): - return torch.mean(x, dim=0, keepdim=False) + return torch.ops.aten.mean.dim(x, 0, False) inputs = [torch.randn(3, 5, 7)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.mean.dim}) + self.run_test(TestModule(), inputs) def test_mean_dim_keepdims_false_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return torch.mean(x, dim=-1, keepdim=False) + return torch.ops.aten.mean.dim(x, -1, False) input_specs = [ Input( @@ -51,24 +49,22 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.mean.dim} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) class TestMeanConverter(DispatchTestCase): def test_mean(self): class TestModule(nn.Module): def forward(self, x): - return torch.mean(x) + return torch.ops.aten.mean.default(x) inputs = [torch.randn(3, 8, 5, 7, 1)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.mean.default}) + self.run_test(TestModule(), inputs) def test_mean_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return torch.mean(x) + return torch.ops.aten.mean.default(x) input_specs = [ Input( @@ -77,9 +73,7 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 5, 8), (3, 10, 10))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.mean.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_min_aten.py b/tests/py/dynamo/conversion/test_min_aten.py index 35d0d7163f..49853cb111 100644 --- a/tests/py/dynamo/conversion/test_min_aten.py +++ b/tests/py/dynamo/conversion/test_min_aten.py @@ -17,13 +17,12 @@ class TestMinConverter(DispatchTestCase): def test_min(self, _, shape): class min(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.min(lhs_val, rhs_val) + return torch.ops.aten.minimum.default(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( min(), inputs, - expected_ops={torch.ops.aten.minimum.default}, ) diff --git a/tests/py/dynamo/conversion/test_mul_aten.py b/tests/py/dynamo/conversion/test_mul_aten.py index fecd1e06f4..30845800c0 100644 --- a/tests/py/dynamo/conversion/test_mul_aten.py +++ b/tests/py/dynamo/conversion/test_mul_aten.py @@ -17,13 +17,12 @@ class TestMulConverter(DispatchTestCase): def test_mul_tensor(self, _, shape): class mul(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.mul(lhs_val, rhs_val) + return torch.ops.aten.mul.Tensor(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( mul(), inputs, - expected_ops={torch.ops.aten.mul.Tensor}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, lhs_val, rhs_val): def test_mul_scalar(self, _, shape, scalar): class mul(nn.Module): def forward(self, lhs_val): - return torch.mul(lhs_val, scalar) + return torch.ops.aten.mul.Tensor(lhs_val, scalar) inputs = [torch.randn(shape)] self.run_test( mul(), inputs, - expected_ops={torch.ops.aten.mul.Tensor}, ) diff --git a/tests/py/dynamo/conversion/test_neg_aten.py b/tests/py/dynamo/conversion/test_neg_aten.py index bcb95b4172..c49fc32c23 100644 --- a/tests/py/dynamo/conversion/test_neg_aten.py +++ b/tests/py/dynamo/conversion/test_neg_aten.py @@ -19,14 +19,13 @@ class TestNegConverter(DispatchTestCase): def test_neg_float(self, _, x, type): class neg(nn.Module): def forward(self, input): - return torch.neg(input) + return torch.ops.aten.neg.default(input) inputs = [torch.randn(x, dtype=type)] self.run_test( neg(), inputs, precision=type, - expected_ops={torch.ops.aten.neg.default}, ) @parameterized.expand( @@ -38,13 +37,12 @@ def forward(self, input): def test_neg_int(self, _, x, type, min, max): class neg(nn.Module): def forward(self, input): - return torch.neg(input) + return torch.ops.aten.neg.default(input) inputs = [torch.randint(min, max, x, dtype=type)] self.run_test( neg(), inputs, - expected_ops={torch.ops.aten.neg.default}, check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_permutation_aten.py b/tests/py/dynamo/conversion/test_permutation_aten.py index 04c1ab1092..5bcdba3fd9 100644 --- a/tests/py/dynamo/conversion/test_permutation_aten.py +++ b/tests/py/dynamo/conversion/test_permutation_aten.py @@ -17,10 +17,10 @@ class TestPermuteConverter(DispatchTestCase): def test_permute_list(self, _, permutation): class Permute(nn.Module): def forward(self, x): - return x.permute(permutation) + return torch.ops.aten.permute.default(x, permutation) inputs = [torch.randn(1, 3, 2)] - self.run_test(Permute(), inputs, expected_ops={torch.ops.aten.permute.default}) + self.run_test(Permute(), inputs) @parameterized.expand( [ @@ -31,15 +31,15 @@ def forward(self, x): def test_permute(self, _, permutation): class Permute(nn.Module): def forward(self, x): - return x.permute(*permutation) + return torch.ops.aten.permute.default(x, permutation) inputs = [torch.randn(1, 3, 2)] - self.run_test(Permute(), inputs, expected_ops={torch.ops.aten.permute.default}) + self.run_test(Permute(), inputs) def test_permute_with_dynamic_shape(self): class Permute(nn.Module): def forward(self, x): - return x.permute(1, 2, 0) + return torch.ops.aten.permute.default(x, (1, 2, 0)) input_specs = [ Input( @@ -48,14 +48,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - Permute(), input_specs, expected_ops={torch.ops.aten.permute.default} - ) + self.run_test_with_dynamic_shape(Permute(), input_specs) def test_permute_with_dynamic_shape_four_dimensions(self): class Permute(nn.Module): def forward(self, x): - return x.permute(1, 2, 3, 0) + return torch.ops.aten.permute.default(x, (1, 2, 3, 0)) input_specs = [ Input( @@ -65,9 +63,7 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - Permute(), input_specs, expected_ops={torch.ops.aten.permute.default} - ) + self.run_test_with_dynamic_shape(Permute(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_pool_aten.py b/tests/py/dynamo/conversion/test_pool_aten.py index 4bd6e8ba25..93f2094184 100644 --- a/tests/py/dynamo/conversion/test_pool_aten.py +++ b/tests/py/dynamo/conversion/test_pool_aten.py @@ -39,7 +39,7 @@ def forward(self, x): self.run_test( TestModule(), inputs, - expected_ops={torch.ops.aten.avg_pool2d.default}, + use_dynamo_tracer=True, ) @parameterized.expand( @@ -77,9 +77,7 @@ def forward(self, x): return self.pool(x) inputs = [torch.randn(1, 3, 32, 32)] - self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.avg_pool2d.default} - ) + self.run_test(TestModule(), inputs, use_dynamo_tracer=True) @parameterized.expand( [ @@ -116,9 +114,7 @@ def forward(self, x): return self.pool(x) inputs = [torch.randn(1, 3, 32, 32, 32)] - self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.avg_pool3d.default} - ) + self.run_test(TestModule(), inputs, use_dynamo_tracer=True) @parameterized.expand( [ @@ -153,7 +149,8 @@ def forward(self, x): self.run_test( TestModule(), inputs, - expected_ops={torch.ops.aten.max_pool2d}, + use_dynamo_tracer=True, + enable_passes=True, ) @parameterized.expand( @@ -191,7 +188,7 @@ def forward(self, x): return self.pool(x) inputs = [torch.randn(1, 3, 32, 32)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.max_pool2d}) + self.run_test(TestModule(), inputs, use_dynamo_tracer=True, enable_passes=True) @parameterized.expand( [ @@ -228,7 +225,7 @@ def forward(self, x): return self.pool(x) inputs = [torch.randn(1, 3, 32, 32, 32)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.max_pool3d}) + self.run_test(TestModule(), inputs, use_dynamo_tracer=True, enable_passes=True) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_pow_aten.py b/tests/py/dynamo/conversion/test_pow_aten.py index 29dd74eb07..5aeae49d62 100644 --- a/tests/py/dynamo/conversion/test_pow_aten.py +++ b/tests/py/dynamo/conversion/test_pow_aten.py @@ -17,13 +17,12 @@ class TestPowConverter(DispatchTestCase): def test_pow_tensor_tensor(self, _, shape): class pow(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.pow(lhs_val, rhs_val) + return torch.ops.aten.pow.Tensor_Tensor(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( pow(), inputs, - expected_ops={torch.ops.aten.pow.Tensor_Tensor}, ) @parameterized.expand( @@ -35,13 +34,12 @@ def forward(self, lhs_val, rhs_val): def test_pow_scalar(self, _, shape, scalar): class pow(nn.Module): def forward(self, rhs_val): - return torch.pow(scalar, rhs_val) + return torch.ops.aten.pow.Scalar(scalar, rhs_val) inputs = [torch.randn(shape)] self.run_test( pow(), inputs, - expected_ops={torch.ops.aten.pow.Scalar}, ) @parameterized.expand( @@ -53,13 +51,12 @@ def forward(self, rhs_val): def test_pow_tensor_scalar(self, _, shape, scalar): class pow(nn.Module): def forward(self, lhs_val): - return torch.pow(lhs_val, scalar) + return torch.ops.aten.pow.Tensor_Scalar(lhs_val, scalar) inputs = [torch.randn(shape)] self.run_test( pow(), inputs, - expected_ops={torch.ops.aten.pow.Tensor_Scalar}, ) diff --git a/tests/py/dynamo/conversion/test_recip_aten.py b/tests/py/dynamo/conversion/test_recip_aten.py index e7fae73da2..c34fcb2f08 100644 --- a/tests/py/dynamo/conversion/test_recip_aten.py +++ b/tests/py/dynamo/conversion/test_recip_aten.py @@ -18,13 +18,12 @@ class TestRecipConverter(DispatchTestCase): def test_recip_float(self, input_shape, dtype): class recip(nn.Module): def forward(self, input): - return torch.reciprocal(input) + return torch.ops.aten.reciprocal.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( recip(), inputs, - expected_ops={torch.ops.aten.reciprocal.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_recip_int(self, input_shape, dtype, low, high): class recip(nn.Module): def forward(self, input): - return torch.reciprocal(input) + return torch.ops.aten.reciprocal.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( recip(), inputs, - expected_ops={torch.ops.aten.reciprocal.default}, ) diff --git a/tests/py/dynamo/conversion/test_relu_aten.py b/tests/py/dynamo/conversion/test_relu_aten.py index 4d70a95fd7..ca36a88599 100644 --- a/tests/py/dynamo/conversion/test_relu_aten.py +++ b/tests/py/dynamo/conversion/test_relu_aten.py @@ -10,15 +10,15 @@ class TestReLUConverter(DispatchTestCase): def test_relu(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.relu(x) + return torch.ops.aten.relu.default(x) inputs = [torch.randn(1, 10)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.relu.default}) + self.run_test(TestModule(), inputs) def test_relu_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.relu(x) + return torch.ops.aten.relu.default(x) input_specs = [ Input( @@ -27,14 +27,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.relu.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_relu_with_dynamic_shape_four_dimensions(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.relu(x) + return torch.ops.aten.relu.default(x) input_specs = [ Input( @@ -45,7 +43,8 @@ def forward(self, x): ] self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.relu.default} + TestModule(), + input_specs, ) diff --git a/tests/py/dynamo/conversion/test_reshape_aten.py b/tests/py/dynamo/conversion/test_reshape_aten.py index a4e2186999..6be138303d 100644 --- a/tests/py/dynamo/conversion/test_reshape_aten.py +++ b/tests/py/dynamo/conversion/test_reshape_aten.py @@ -27,13 +27,12 @@ def __init__(self, target_shape): self.target_shape = target_shape def forward(self, x): - return torch.reshape(x, self.target_shape) + return torch.ops.aten.view.default(x, self.target_shape) inputs = [torch.randn(1, 2, 10)] self.run_test( TestModule(target_shape), inputs, - expected_ops={torch.ops.aten.view.default}, ) @parameterized.expand( @@ -54,7 +53,7 @@ def __init__(self, target_shape): self.target_shape = target_shape def forward(self, x): - return torch.reshape(x, self.target_shape) + return torch.ops.aten.view.default(x, self.target_shape) input_specs = [ Input( @@ -66,37 +65,6 @@ def forward(self, x): self.run_test_with_dynamic_shape( TestModule(target_shape), input_specs, - expected_ops={torch.ops.aten.view.default}, - ) - - @unittest.skipIf( - trt.__version__ < "8.5", - "Shape tensor supported well in TensorRT 8.5 and later", - ) - def test_reshape_with_dynamic_shape_size(self): - class TestModule(torch.nn.Module): - def forward(self, x, y): - shape_y = y.shape - t = shape_y[1] - return torch.reshape(x, [-1, t, 3]) - - input_specs = [ - Input( - shape=(-1, 5, 6), - dtype=torch.float32, - shape_ranges=[((1, 5, 6), (3, 5, 6), (3, 5, 6))], - ), - Input( - shape=(-1, 5), - dtype=torch.float32, - shape_ranges=[((1, 5), (3, 5), (3, 5))], - ), - ] - - self.run_test_with_dynamic_shape( - TestModule(), - input_specs, - expected_ops={torch.ops.aten.view.default}, ) diff --git a/tests/py/dynamo/conversion/test_round_aten.py b/tests/py/dynamo/conversion/test_round_aten.py index 2db3a04bb6..248d3922a5 100644 --- a/tests/py/dynamo/conversion/test_round_aten.py +++ b/tests/py/dynamo/conversion/test_round_aten.py @@ -18,13 +18,12 @@ class TestRoundConverter(DispatchTestCase): def test_round_float(self, input_shape, dtype): class round(nn.Module): def forward(self, input): - return torch.round(input) + return torch.ops.aten.round.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( round(), inputs, - expected_ops={torch.ops.aten.round.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_round_int(self, input_shape, dtype, low, high): class round(nn.Module): def forward(self, input): - return torch.round(input) + return torch.ops.aten.round.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( round(), inputs, - expected_ops={torch.ops.aten.round.default}, check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_rsqrt_aten.py b/tests/py/dynamo/conversion/test_rsqrt_aten.py index 441b21cda3..6dbd425f60 100644 --- a/tests/py/dynamo/conversion/test_rsqrt_aten.py +++ b/tests/py/dynamo/conversion/test_rsqrt_aten.py @@ -17,13 +17,12 @@ class TestRSqrtConverter(DispatchTestCase): def test_rsqrt(self, _, x, alpha): class rsqrt(nn.Module): def forward(self, input): - return torch.rsqrt(input) + return torch.ops.aten.rsqrt.default(input) inputs = [torch.randn(x) + 1] self.run_test( rsqrt(), inputs, - expected_ops={torch.ops.aten.rsqrt.default}, ) diff --git a/tests/py/dynamo/conversion/test_select_aten.py b/tests/py/dynamo/conversion/test_select_aten.py index c708b36c58..4a9f0666a9 100644 --- a/tests/py/dynamo/conversion/test_select_aten.py +++ b/tests/py/dynamo/conversion/test_select_aten.py @@ -18,13 +18,12 @@ def __init__(self): super().__init__() def forward(self, input): - return torch.select(input, dim, index) + return torch.ops.aten.select.int(input, dim, index) input = [torch.randn(1, 2)] self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.select.int}, ) @@ -40,13 +39,12 @@ def __init__(self): super().__init__() def forward(self, input): - return torch.select(input, dim, index) + return torch.ops.aten.select.int(input, dim, index) input = [torch.randn(4, 4, 4, 4)] self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.select.int}, ) @@ -62,7 +60,7 @@ def __init__(self): super().__init__() def forward(self, input): - return torch.select(input, dim, index) + return torch.ops.aten.select.int(input, dim, index) input_spec = [ Input( @@ -71,9 +69,7 @@ def forward(self, input): shape_ranges=[((1, 3, 3), (3, 3, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_spec, expected_ops={torch.ops.aten.select.int} - ) + self.run_test_with_dynamic_shape(TestModule(), input_spec) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_selu_aten.py b/tests/py/dynamo/conversion/test_selu_aten.py deleted file mode 100644 index 6b1938c366..0000000000 --- a/tests/py/dynamo/conversion/test_selu_aten.py +++ /dev/null @@ -1,55 +0,0 @@ -import torch -import torch.nn as nn -from torch.testing._internal.common_utils import run_tests -from torch_tensorrt import Input - -from .harness import DispatchTestCase - - -class TestSeLUConverter(DispatchTestCase): - def test_selu(self): - class TestModule(nn.Module): - def forward(self, x): - return nn.functional.selu(x) - - inputs = [torch.randn(1, 10)] - - # Here, selu re-uses elu op - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.elu.default}) - - def test_selu_with_dynamic_shape(self): - class TestModule(nn.Module): - def forward(self, x): - return nn.functional.selu(x) - - input_specs = [ - Input( - shape=(-1, -1, -1), - dtype=torch.float32, - shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], - ), - ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.elu.default} - ) - - def test_selu_with_dynamic_shape_four_dimensions(self): - class TestModule(nn.Module): - def forward(self, x): - return nn.functional.selu(x) - - input_specs = [ - Input( - shape=(-1, -1, -1, -1), - dtype=torch.float32, - shape_ranges=[((1, 1, 1, 5), (1, 2, 3, 5), (3, 3, 3, 5))], - ), - ] - - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.elu.default} - ) - - -if __name__ == "__main__": - run_tests() diff --git a/tests/py/dynamo/conversion/test_sigmoid_aten.py b/tests/py/dynamo/conversion/test_sigmoid_aten.py index cf0b579428..b8cb27574e 100644 --- a/tests/py/dynamo/conversion/test_sigmoid_aten.py +++ b/tests/py/dynamo/conversion/test_sigmoid_aten.py @@ -10,17 +10,15 @@ class TestSigmoidConverter(DispatchTestCase): def test_sigmoid(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.sigmoid(x) + return torch.ops.aten.sigmoid.default(x) inputs = [torch.randn(1, 10)] - self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.sigmoid.default} - ) + self.run_test(TestModule(), inputs) def test_sigmoid_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.sigmoid(x) + return torch.ops.aten.sigmoid.default(x) input_specs = [ Input( @@ -29,14 +27,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.sigmoid.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_sigmoid_with_dynamic_shape_four_dimensions(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.sigmoid(x) + return torch.ops.aten.sigmoid.default(x) input_specs = [ Input( @@ -46,20 +42,17 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.sigmoid.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_sigmoid_fp16(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.sigmoid(x) + return torch.ops.aten.sigmoid.default(x) inputs = [torch.randn(1, 10)] self.run_test( TestModule(), inputs, - expected_ops={torch.ops.aten.sigmoid.default}, precision=torch.half, check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_sign_aten.py b/tests/py/dynamo/conversion/test_sign_aten.py index 549e363d68..578d8b4040 100644 --- a/tests/py/dynamo/conversion/test_sign_aten.py +++ b/tests/py/dynamo/conversion/test_sign_aten.py @@ -18,13 +18,12 @@ class TestSignConverter(DispatchTestCase): def test_sign_float(self, input_shape, dtype): class sign(nn.Module): def forward(self, input): - return torch.sign(input) + return torch.ops.aten.sign.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( sign(), inputs, - expected_ops={torch.ops.aten.sign.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_sign_int(self, input_shape, dtype, low, high): class sign(nn.Module): def forward(self, input): - return torch.sign(input) + return torch.ops.aten.sign.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( sign(), inputs, - expected_ops={torch.ops.aten.sign.default}, check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_sin_aten.py b/tests/py/dynamo/conversion/test_sin_aten.py index 77660d73d9..70a3dc0315 100644 --- a/tests/py/dynamo/conversion/test_sin_aten.py +++ b/tests/py/dynamo/conversion/test_sin_aten.py @@ -18,13 +18,12 @@ class TestSinConverter(DispatchTestCase): def test_sin_float(self, input_shape, dtype): class sin(nn.Module): def forward(self, input): - return torch.sin(input) + return torch.ops.aten.sin.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( sin(), inputs, - expected_ops={torch.ops.aten.sin.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_sin_int(self, input_shape, dtype, low, high): class sin(nn.Module): def forward(self, input): - return torch.sin(input) + return torch.ops.aten.sin.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( sin(), inputs, - expected_ops={torch.ops.aten.sin.default}, ) diff --git a/tests/py/dynamo/conversion/test_sinh_aten.py b/tests/py/dynamo/conversion/test_sinh_aten.py index b482f5baf5..d17ab3b467 100644 --- a/tests/py/dynamo/conversion/test_sinh_aten.py +++ b/tests/py/dynamo/conversion/test_sinh_aten.py @@ -18,13 +18,12 @@ class TestSinhConverter(DispatchTestCase): def test_sinh_float(self, input_shape, dtype): class sinh(nn.Module): def forward(self, input): - return torch.sinh(input) + return torch.ops.aten.sinh.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( sinh(), inputs, - expected_ops={torch.ops.aten.sinh.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_sinh_int(self, input_shape, dtype, low, high): class sinh(nn.Module): def forward(self, input): - return torch.sinh(input) + return torch.ops.aten.sinh.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( sinh(), inputs, - expected_ops={torch.ops.aten.sinh.default}, ) diff --git a/tests/py/dynamo/conversion/test_slice_aten.py b/tests/py/dynamo/conversion/test_slice_aten.py index ad9275751c..60492aac62 100644 --- a/tests/py/dynamo/conversion/test_slice_aten.py +++ b/tests/py/dynamo/conversion/test_slice_aten.py @@ -25,7 +25,6 @@ def forward(self, input): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.slice.Tensor}, ) @@ -49,7 +48,6 @@ def forward(self, input): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.slice.Tensor}, ) @@ -79,7 +77,6 @@ def forward(self, input): self.run_test_with_dynamic_shape( TestModule(), input_specs, - expected_ops={torch.ops.aten.slice.Tensor}, ) diff --git a/tests/py/dynamo/conversion/test_softmax_aten.py b/tests/py/dynamo/conversion/test_softmax_aten.py index 84af9a92d7..8df9ab96f6 100644 --- a/tests/py/dynamo/conversion/test_softmax_aten.py +++ b/tests/py/dynamo/conversion/test_softmax_aten.py @@ -8,26 +8,16 @@ class TestSoftMaxConverter(DispatchTestCase): def test_softmax(self): class TestModule(torch.nn.Module): - def __init__(self): - super().__init__() - self.softmax = torch.nn.Softmax(1) - def forward(self, x): - return self.softmax(x) + return torch.ops.aten._softmax.default(x, 1, False) inputs = [torch.randn(1, 3, 224, 224)] - self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten._softmax.default} - ) + self.run_test(TestModule(), inputs) def test_softmax_with_dynamic_shape(self): class TestModule(torch.nn.Module): - def __init__(self): - super().__init__() - self.softmax = torch.nn.Softmax(2) - def forward(self, x): - return self.softmax(x) + return torch.ops.aten._softmax.default(x, 2, False) input_specs = [ Input( @@ -37,9 +27,7 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten._softmax.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_softplus_aten.py b/tests/py/dynamo/conversion/test_softplus_aten.py index 41c7804ed7..29f3cd6d53 100644 --- a/tests/py/dynamo/conversion/test_softplus_aten.py +++ b/tests/py/dynamo/conversion/test_softplus_aten.py @@ -1,25 +1,24 @@ import torch import torch.nn as nn -from .harness import DispatchTestCase from torch.testing._internal.common_utils import run_tests from torch_tensorrt import Input +from .harness import DispatchTestCase + class TestSoftplusConverter(DispatchTestCase): def test_softplus(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.softplus(x) + return torch.ops.aten.softplus.default(x) inputs = [torch.randn(1, 10)] - self.run_test( - TestModule(), inputs, expected_ops={torch.ops.aten.softplus.default} - ) + self.run_test(TestModule(), inputs) def test_softplus_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.softplus(x) + return torch.ops.aten.softplus.default(x) input_specs = [ Input( @@ -28,14 +27,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.softplus.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_softplus_with_dynamic_shape_four_dimensions(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.softplus(x) + return torch.ops.aten.softplus.default(x) input_specs = [ Input( @@ -45,9 +42,7 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.softplus.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_split_aten.py b/tests/py/dynamo/conversion/test_split_aten.py index ffd8e145b9..142f9b337c 100644 --- a/tests/py/dynamo/conversion/test_split_aten.py +++ b/tests/py/dynamo/conversion/test_split_aten.py @@ -1,10 +1,11 @@ import torch -from .harness import DispatchTestCase from parameterized import parameterized from torch.testing._internal.common_utils import run_tests from torch_tensorrt import Input from torch_tensorrt.dynamo.conversion import UnsupportedOperatorException +from .harness import DispatchTestCase + # FIXME: check about implicit and explicit batch class TestSplitConverterNoDim(DispatchTestCase): @@ -19,15 +20,13 @@ def __init__(self): super().__init__() def forward(self, input): - out = torch.split(input, split_size_or_tensor) + out = torch.ops.aten.split.Tensor(input, split_size_or_tensor) return out input = [torch.randn(10).reshape(5, 2)] self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.split.Tensor}, - disable_passes=True, ) @parameterized.expand( @@ -41,15 +40,15 @@ def __init__(self): super().__init__() def forward(self, input): - out = torch.split(input, split_size_or_tensor) + out = torch.ops.aten.split_with_sizes.default( + input, split_size_or_tensor + ) return out input = [torch.randn(10).reshape(5, 2)] self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.split_with_sizes.default}, - disable_passes=True, ) @parameterized.expand( @@ -63,15 +62,13 @@ def __init__(self): super().__init__() def forward(self, input): - out = torch.split(input, split_size_or_tensor, dim) + out = torch.ops.aten.split.Tensor(input, split_size_or_tensor, dim) return out input = [torch.randn(10).reshape(5, 2)] self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.split.Tensor}, - disable_passes=True, ) @parameterized.expand( @@ -85,15 +82,15 @@ def __init__(self): super().__init__() def forward(self, input): - out = torch.split(input, split_size_or_tensor, dim) + out = torch.ops.aten.split_with_sizes.default( + input, split_size_or_tensor, dim + ) return out input = [torch.randn(10).reshape(5, 2)] self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.split_with_sizes.default}, - disable_passes=True, ) @parameterized.expand( @@ -107,7 +104,9 @@ def __init__(self): super().__init__() def forward(self, input): - out = torch.split(input, split_size_or_tensor, dim) + out = torch.ops.aten.split_with_sizes.default( + input, split_size_or_tensor, dim + ) return out input = [torch.randn(15).reshape(5, 3)] @@ -115,8 +114,6 @@ def forward(self, input): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.split_with_sizes.default}, - disable_passes=True, ) @parameterized.expand( @@ -130,7 +127,7 @@ def __init__(self): super().__init__() def forward(self, input): - out = torch.split(input, split_size_or_tensor, dim) + out = torch.ops.aten.split.Tensor(input, split_size_or_tensor, dim) return out input_specs = [ @@ -143,8 +140,6 @@ def forward(self, input): self.run_test_with_dynamic_shape( TestModule(), input_specs, - expected_ops={torch.ops.aten.split.Tensor}, - disable_passes=True, ) @parameterized.expand( @@ -166,8 +161,6 @@ def forward(self, input): self.run_test( TestModule(), input, - expected_ops={torch.ops.aten.split.Tensor}, - disable_passes=True, ) diff --git a/tests/py/dynamo/conversion/test_sqrt_aten.py b/tests/py/dynamo/conversion/test_sqrt_aten.py index 7b70a87954..0862d13247 100644 --- a/tests/py/dynamo/conversion/test_sqrt_aten.py +++ b/tests/py/dynamo/conversion/test_sqrt_aten.py @@ -18,13 +18,12 @@ class TestSqrtConverter(DispatchTestCase): def test_sqrt_float(self, input_shape, dtype): class sqrt(nn.Module): def forward(self, input): - return torch.sqrt(input) + return torch.ops.aten.sqrt.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( sqrt(), inputs, - expected_ops={torch.ops.aten.sqrt.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_sqrt_int(self, input_shape, dtype, low, high): class sqrt(nn.Module): def forward(self, input): - return torch.sqrt(input) + return torch.ops.aten.sqrt.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( sqrt(), inputs, - expected_ops={torch.ops.aten.sqrt.default}, ) diff --git a/tests/py/dynamo/conversion/test_squeeze_aten.py b/tests/py/dynamo/conversion/test_squeeze_aten.py index f8a67b6a32..88483072ae 100644 --- a/tests/py/dynamo/conversion/test_squeeze_aten.py +++ b/tests/py/dynamo/conversion/test_squeeze_aten.py @@ -12,25 +12,34 @@ class TestSqueezeConverter(DispatchTestCase): [ ("2d_dim", (0), (2, 1)), ("3d_one_dim", (0), (2, 2, 1)), + ] + ) + def test_squeeze_single_dim(self, _, dim, init_size): + class Squeeze(nn.Module): + def forward(self, x): + return torch.ops.aten.squeeze.dim(x, dim) + + inputs = [torch.randn(*init_size)] + self.run_test( + Squeeze(), + inputs, + ) + + @parameterized.expand( + [ ("3d_two_dim", (0, 1), (2, 1, 1)), ("4d_dim", (0, 1, 2), (2, 2, 1, 1)), ] ) - def test_squeeze(self, _, dim, init_size): + def test_squeeze_multi_dims(self, _, dim, init_size): class Squeeze(nn.Module): def forward(self, x): - return torch.squeeze(x, dim) + return torch.ops.aten.squeeze.dims(x, dim) inputs = [torch.randn(*init_size)] - expected_op = {} - if isinstance(dim, int) == 1: - expected_op = {torch.ops.aten.squeeze.dim} - else: - expected_op = {torch.ops.aten.squeeze.dims} self.run_test( Squeeze(), inputs, - expected_ops=expected_op, ) @@ -39,18 +48,13 @@ class TestSqueezeConverter(DispatchTestCase): [ ("2d_dim", (1), (-1, 1), [((1, 1), (1, 1), (3, 1))]), ("3d_one_dim", (1), (-1, 2, 1), [((1, 2, 1), (1, 2, 1), (3, 2, 1))]), - # ("3d_two_dim", (0, 1), (-1, -1, 1), [((1, 3, 1, 1), (1, 3, 1, 1))]), ] ) def test_squeeze(self, _, dim, init_size, shape_range): class Squeeze(nn.Module): def forward(self, x): - return torch.squeeze(x, dim) + return torch.ops.aten.squeeze.dim(x, dim) - if isinstance(dim, int) == 1: - expected_op = {torch.ops.aten.squeeze.dim} - else: - expected_op = {torch.ops.aten.squeeze.dims} input_specs = [ Input( shape=init_size, @@ -61,7 +65,6 @@ def forward(self, x): self.run_test_with_dynamic_shape( Squeeze(), input_specs, - expected_ops=expected_op, ) diff --git a/tests/py/dynamo/conversion/test_sub_aten.py b/tests/py/dynamo/conversion/test_sub_aten.py index 1ad7e340e3..fa4d8b5b80 100644 --- a/tests/py/dynamo/conversion/test_sub_aten.py +++ b/tests/py/dynamo/conversion/test_sub_aten.py @@ -17,13 +17,12 @@ class TestSubConverter(DispatchTestCase): def test_sub_tensor(self, _, shape): class sub(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.sub(lhs_val, rhs_val) + return torch.ops.aten.sub.Tensor(lhs_val, rhs_val) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( sub(), inputs, - expected_ops={torch.ops.aten.sub.Tensor}, ) @parameterized.expand( @@ -35,13 +34,12 @@ def forward(self, lhs_val, rhs_val): def test_sub_tensor_alpha(self, _, shape, alpha): class sub(nn.Module): def forward(self, lhs_val, rhs_val): - return torch.sub(lhs_val, rhs_val, alpha=alpha) + return torch.ops.aten.sub.Tensor(lhs_val, rhs_val, alpha=alpha) inputs = [torch.randn(shape), torch.randn(shape)] self.run_test( sub(), inputs, - expected_ops={torch.ops.aten.sub.Tensor}, ) @parameterized.expand( @@ -53,13 +51,12 @@ def forward(self, lhs_val, rhs_val): def test_sub_scalar(self, _, shape, scalar): class sub(nn.Module): def forward(self, lhs_val): - return torch.sub(lhs_val, scalar) + return torch.ops.aten.sub.Tensor(lhs_val, scalar) inputs = [torch.randn(shape)] self.run_test( sub(), inputs, - expected_ops={torch.ops.aten.sub.Tensor}, ) @parameterized.expand( @@ -71,13 +68,12 @@ def forward(self, lhs_val): def test_sub_scalar_alpha(self, _, shape, scalar, alpha): class sub(nn.Module): def forward(self, lhs_val): - return torch.sub(lhs_val, scalar, alpha=alpha) + return torch.ops.aten.sub.Tensor(lhs_val, scalar, alpha=alpha) inputs = [torch.randn(shape)] self.run_test( sub(), inputs, - expected_ops={torch.ops.aten.sub.Tensor}, ) diff --git a/tests/py/dynamo/conversion/test_sum_aten.py b/tests/py/dynamo/conversion/test_sum_aten.py index e69300f283..b279bed43e 100644 --- a/tests/py/dynamo/conversion/test_sum_aten.py +++ b/tests/py/dynamo/conversion/test_sum_aten.py @@ -18,13 +18,12 @@ class TestSumConverter(DispatchTestCase): def test_sum_dim_int_default(self, input_shape): class Sum(nn.Module): def forward(self, x): - return torch.sum(x) + return torch.ops.aten.sum.default(x) inputs = [torch.randn(*input_shape)] self.run_test( Sum(), inputs, - expected_ops={torch.ops.aten.sum.default}, ) @parameterized.expand( @@ -40,13 +39,12 @@ def forward(self, x): def test_sum_dim_int(self, input_shape, dim, keep_dims): class Sum(nn.Module): def forward(self, x): - return torch.sum(x, dim=dim, keepdim=keep_dims) + return torch.ops.aten.sum.dim_IntList(x, dim, keep_dims) inputs = [torch.randn(*input_shape)] self.run_test( Sum(), inputs, - expected_ops={torch.ops.aten.sum.dim_IntList}, ) @parameterized.expand( @@ -61,13 +59,12 @@ def forward(self, x): def test_sum_dim_tuple(self, input_shape, dim, keep_dims): class Sum(nn.Module): def forward(self, x): - return torch.sum(x, dim=dim, keepdim=keep_dims) + return torch.ops.aten.sum.dim_IntList(x, dim, keep_dims) inputs = [torch.randn(*input_shape)] self.run_test( Sum(), inputs, - expected_ops={torch.ops.aten.sum.dim_IntList}, ) @parameterized.expand( @@ -81,13 +78,12 @@ def forward(self, x): def test_sum_dim_int_int(self, input_shape, dim, keep_dims, dtype, low, high): class Sum(nn.Module): def forward(self, x): - return torch.sum(x, dim=dim, keepdim=keep_dims) + return torch.ops.aten.sum.dim_IntList(x, dim, keep_dims) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( Sum(), inputs, - expected_ops={torch.ops.aten.sum.dim_IntList}, check_dtype=False, ) @@ -102,13 +98,12 @@ def forward(self, x): def test_sum_dim_tuple_int(self, input_shape, dim, keep_dims, dtype, low, high): class Sum(nn.Module): def forward(self, x): - return torch.sum(x, dim=dim, keepdim=keep_dims) + return torch.ops.aten.sum.dim_IntList(x, dim, keep_dims) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( Sum(), inputs, - expected_ops={torch.ops.aten.sum.dim_IntList}, check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_tan_aten.py b/tests/py/dynamo/conversion/test_tan_aten.py index 8aa664cc7a..137025dbc6 100644 --- a/tests/py/dynamo/conversion/test_tan_aten.py +++ b/tests/py/dynamo/conversion/test_tan_aten.py @@ -18,13 +18,12 @@ class TestTanConverter(DispatchTestCase): def test_tan_float(self, input_shape, dtype): class tan(nn.Module): def forward(self, input): - return torch.tan(input) + return torch.ops.aten.tan.default(input) inputs = [torch.randn(input_shape, dtype=dtype)] self.run_test( tan(), inputs, - expected_ops={torch.ops.aten.tan.default}, ) @parameterized.expand( @@ -37,13 +36,12 @@ def forward(self, input): def test_tan_int(self, input_shape, dtype, low, high): class tan(nn.Module): def forward(self, input): - return torch.tan(input) + return torch.ops.aten.tan.default(input) inputs = [torch.randint(low, high, input_shape, dtype=dtype)] self.run_test( tan(), inputs, - expected_ops={torch.ops.aten.tan.default}, ) diff --git a/tests/py/dynamo/conversion/test_tanh_aten.py b/tests/py/dynamo/conversion/test_tanh_aten.py index 87b647abc2..10757528d0 100644 --- a/tests/py/dynamo/conversion/test_tanh_aten.py +++ b/tests/py/dynamo/conversion/test_tanh_aten.py @@ -10,15 +10,15 @@ class TestTanhConverter(DispatchTestCase): def test_tanh(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.tanh(x) + return torch.ops.aten.tanh.default(x) inputs = [torch.randn(1, 10)] - self.run_test(TestModule(), inputs, expected_ops={torch.ops.aten.tanh.default}) + self.run_test(TestModule(), inputs) def test_tanh_with_dynamic_shape(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.tanh(x) + return torch.ops.aten.tanh.default(x) input_specs = [ Input( @@ -27,14 +27,12 @@ def forward(self, x): shape_ranges=[((1, 1, 1), (1, 2, 3), (3, 3, 3))], ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.tanh.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) def test_tanh_with_dynamic_shape_four_dimensions(self): class TestModule(nn.Module): def forward(self, x): - return nn.functional.tanh(x) + return torch.ops.aten.tanh.default(x) input_specs = [ Input( @@ -44,9 +42,7 @@ def forward(self, x): ), ] - self.run_test_with_dynamic_shape( - TestModule(), input_specs, expected_ops={torch.ops.aten.tanh.default} - ) + self.run_test_with_dynamic_shape(TestModule(), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_unsqueeze_aten.py b/tests/py/dynamo/conversion/test_unsqueeze_aten.py index 87d06496af..e448c4f925 100644 --- a/tests/py/dynamo/conversion/test_unsqueeze_aten.py +++ b/tests/py/dynamo/conversion/test_unsqueeze_aten.py @@ -22,12 +22,10 @@ def __init__(self, dim): self.dim = dim def forward(self, x): - return torch.unsqueeze(x, self.dim) + return torch.ops.aten.unsqueeze.default(x, self.dim) inputs = [torch.randn(1, 2, 3)] - self.run_test( - Unsqueeze(dim), inputs, expected_ops={torch.ops.aten.unsqueeze.default} - ) + self.run_test(Unsqueeze(dim), inputs) # Testing with more than one dynamic dims results in following error: # AssertionError: Currently we don't support unsqueeze with more than one dynamic dims. @@ -45,7 +43,7 @@ def __init__(self, dim): self.dim = dim def forward(self, x): - return torch.unsqueeze(x, self.dim) + return torch.ops.aten.unsqueeze.default(x, self.dim) input_specs = [ Input( @@ -54,9 +52,7 @@ def forward(self, x): shape_ranges=[((1, 2, 3), (2, 2, 3), (3, 2, 3))], ), ] - self.run_test_with_dynamic_shape( - Unsqueeze(dim), input_specs, expected_ops={torch.ops.aten.unsqueeze.default} - ) + self.run_test_with_dynamic_shape(Unsqueeze(dim), input_specs) if __name__ == "__main__": diff --git a/tests/py/dynamo/conversion/test_where_aten.py b/tests/py/dynamo/conversion/test_where_aten.py index 6e9466b96f..2a4bf108da 100644 --- a/tests/py/dynamo/conversion/test_where_aten.py +++ b/tests/py/dynamo/conversion/test_where_aten.py @@ -19,7 +19,7 @@ class TestWhereConverter(DispatchTestCase): def test_(self, _, x_size, y_size): class Where(nn.Module): def forward(self, condition, x, y): - return torch.where(condition, x, y) + return torch.ops.aten.where.self(condition, x, y) inputX = torch.randn(*x_size) inputOther = torch.randn(*y_size) @@ -27,13 +27,12 @@ def forward(self, condition, x, y): self.run_test( Where(), (condition, inputX, inputOther), - expected_ops={torch.ops.aten.where.self}, ) def test_0D_input(self): class Where(nn.Module): def forward(self, condition, x, y): - return torch.where(condition, x, y) + return torch.ops.aten.where.self(condition, x, y) inputX = torch.randn((5, 6, 7, 1, 3)) inputOther = torch.tensor(8.0, dtype=torch.float) @@ -41,7 +40,6 @@ def forward(self, condition, x, y): self.run_test( Where(), (condition, inputX, inputOther), - expected_ops={torch.ops.aten.where.self}, ) From 16c670a55c7da81604e5089ec38ea142827e9faa Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Thu, 5 Oct 2023 20:25:47 +0000 Subject: [PATCH 42/62] docs: [Automated] Regenerating documenation for 22cf701 Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 27177 -> 27177 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- docs/user_guide/dynamic_shapes.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/saving_models.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 119 files changed, 232 insertions(+), 232 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 92887b5dfa..b51e5df48a 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index f31265fc62..f19c61a42e 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index c4b447b3b2..cf33da51a1 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 8b288cbb1b..0cbfe2687a 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 583e31159d..904a28bc90 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index f0699f3d58..6bb31c482e 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Define STR — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 7b9e256325..8d07b700cf 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index ccb39ab8c5..2e44e19fce 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index 601149b677..9731a73b20 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index c8918befb3..a0b688a97e 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 415bb6967f..701f0c5bb2 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index 92190823e5..e11440edd5 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 665d484266..d604512f55 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 4588b17eaa..31355ef035 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index 917d52c83d..7bb05c84ba 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Directory include — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index 5567920f83..bc42fd9733 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 6a75c97bb2..f04167bbde 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index 58e0eacf95..613041bf06 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index eced59840c..b7e3c8ce40 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index a1db796564..dcffdae898 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index e4549cad37..7654768e00 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 98080ca518..bf77bc7d38 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index 9c3819b941..9edeadff83 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index 3f96911e01..832db9761a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index e546993cf7..cf5d575c6b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 22409d6981..886aad15c0 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 921b810423..ed8d765473 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 47df549123..5050c8e539 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 250492c2ae..3754a859d4 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index ba2c5a055b..ab94f909f5 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index fb89f2703e..7ef01d497b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index a4cf6dddc6..56dcfe2078 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index c995872c06..13b006c2c1 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index 81fd90457c..208d6ba2b1 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 3fec7c6a7a..010d938a03 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index 1a660c3bf9..331b69f7dc 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 319a78e351..385d61c905 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 280a8d4476..b2876c1383 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index c943053c02..1dc1957c2c 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index c0f82afeb9..14ec47f520 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index efa80be463..94b882f4f6 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index 66ed431edd..8ddc96f1f0 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 493eed7c6a..99ae2c7225 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index ac6cee15aa..3904ee107d 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index ce529f5ff0..bf0340ef10 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 5106bddd86..781ce1f33d 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 7e971fb788..7684b68576 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index c00999396b..d8bc091d69 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index 0aebbe34dd..b2e5164976 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 94d9deeb47..ccffe9a70c 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index a72ab3176a..2c1fd1e646 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index d66a01a7aa..1afed545e7 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Full API — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index fe91d3a33bc78e4eb49acc2f2f00aa85d94077cf..93d42eb1413220f53cfe74b00682e2035df99438 100644 GIT binary patch delta 64 zcmZpyZ>;AH@MdNaVE_T$#jYE9B}ABk^kxkaKT$BFQu8xdWOBY;2uNV^F}o-*t!y6$ E04b&t!2kdN delta 64 zcmZpyZ>;AH@MdNaVE_R$K9`NW5+ck%db5UzpD377sreZ!GCAKa1SBx|m|YZ@R<@4= E0MRB7a{vGU diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index a27aa8be8e2aaaedf269858b7dbb64114758d509..1a60dffc492d78d335215122baf91ef06b29b1c4 100644 GIT binary patch delta 64 zcmbQ}Ink3hz?+#xgaHI}7rSoc{ldizq&Ks0i}8RNvf>$F#^es=K#;)XJIdi;+Ds)H E01({~zyJUM delta 64 zcmbQ}Ink3hz?+#xgaHK1_*^#fe&J#U(wkYh#dyFBS@8@oV{(UbAV^^H9p!K^ZKe_p E0JvQaasU7T diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 283fa393cf..81c225dabd 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index 18f00f678d..7216d9a2fc 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index d4bf212ff0..3c9cf96dde 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index c99d897539..772da54046 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index 817846f6df..d03e53d8da 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 3182ad8071..aebbf27379 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 9ad2ea16ed..521eea4e37 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 4ad40dc18c..6fe38ea735 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 8635ac69ca..915466474a 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 2b6eb8641a..3714637328 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 3440fc5ce3..a77ef1620f 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index b0001b392b..3c05054b8a 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 8157e93cca..9e56cc55d1 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 9b78d475ee..5c5e792c4c 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+7b21322', + VERSION: 'v2.2.0.dev0+22cf701', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 93e9a4294e..b66b3b5359 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index 9dc2ec18ed..a780c4fb19 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 4554a0337a..4bc76b0545 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index c5c8ca1790..57a909c218 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 13789ac72a..558f3d2e2c 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 6ec2b62930..38e04a33e3 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index bf56243382..5586d3baca 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 7ec6235dbb..cf01377273 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + System Overview — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 7cd370659c..2a1dac717a 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 063dd549a4..6db06ed1eb 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index 24b2acb18e..5aa6ab43fb 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/genindex.html b/docs/genindex.html index e685ddde75..eb98cfc426 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Index — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index 6006fff394..31f9695d14 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index 749c3028bd..eb4b458bd0 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 0000065b9d..52b6f1b4c6 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 12b481cddd..ba51c2e965 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Installation — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/index.html b/docs/index.html index 483cf7bbe8..2618e147e4 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index ba989c05ff..6ee67a87f9 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/objects.inv b/docs/objects.inv index c2c8a62f309a0ed8efa5f8d5b2389a77ad1c95ec..02f31afc306fc6c3199a95372d6154c5400a695b 100644 GIT binary patch delta 20 ccmZ2^g>mH-#tDAxMn=hL<_3lvL$72409E$~>Hq)$ delta 20 ccmZ2^g>mH-#tDAx=1E3|#zsaPL$724092v}xBvhE diff --git a/docs/py-modindex.html b/docs/py-modindex.html index fc7abf6432..21c227b3f8 100644 --- a/docs/py-modindex.html +++ b/docs/py-modindex.html @@ -9,7 +9,7 @@ - Python Module Index — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 87ab82f1ad..50dd4688d4 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index 62b1005fe6..04c949f61b 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index ab4a4dc281..09ba504a7a 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index 309d20914c..a5abddcbca 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 63136d2714..86b1da4006 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    @@ -612,7 +612,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+7b21322.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+22cf701.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 6926b0f505..0b592e014f 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+7b21322 documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+22cf701 documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 8a4e934bcb..602a6c41d3 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index cd35d9d602..2adac5da5b 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index b0ca4c917b..7bee605c6e 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + <no title> — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 0cb41066f5..70085f0320 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Installation — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 50ea6adda5..4b96f3f841 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index fd542c0af8..96d08c4986 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index f02f9cab56..ada732ad8f 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 13db94d364..84882a7eec 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 707f3a49d1..282fe7a987 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 52bf035daf..4ec6f714fb 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 354e0dbe91..b1e9ecfe94 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index c2c0fd19d3..94e3fb1132 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/user_guide/dynamic_shapes.html b/docs/user_guide/dynamic_shapes.html index 0ca6730a51..b6f61b56f1 100644 --- a/docs/user_guide/dynamic_shapes.html +++ b/docs/user_guide/dynamic_shapes.html @@ -10,7 +10,7 @@ - Dynamic shapes with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Dynamic shapes with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 9f834f5565..f89e3cf966 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index 970dfa53d7..9b8b79ac9f 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 3fc610d95a..604565518c 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/user_guide/saving_models.html b/docs/user_guide/saving_models.html index 1bbc9d0119..50160ed48e 100644 --- a/docs/user_guide/saving_models.html +++ b/docs/user_guide/saving_models.html @@ -10,7 +10,7 @@ - Saving models compiled with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Saving models compiled with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index 10a36f8c6a..03eabc80d5 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index 0fe9b78800..e0dd5c232a 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+7b21322 documentation + DLA — Torch-TensorRT v2.2.0.dev0+22cf701 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+7b21322 + v2.2.0.dev0+22cf701
    From c61d97e6b7281e0300b255e3f045a1b9c96340ab Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Thu, 5 Oct 2023 18:29:31 -0700 Subject: [PATCH 43/62] fix/feat: Add and repair multiple converters for SD + other models (#2353) --- .../dynamo/conversion/__init__.py | 3 +- .../dynamo/conversion/aten_ops_converters.py | 45 ++++++++++++++--- .../dynamo/conversion/impl/condition/ops.py | 47 +++++++++--------- .../dynamo/conversion/impl/reduce.py | 2 +- .../dynamo/conversion/impl/unsqueeze.py | 41 +++++++++++++++- .../{op_evaluators.py => ops_evaluators.py} | 2 +- .../dynamo/conversion/prims_ops_converters.py | 44 +++++++++++++++++ tests/py/dynamo/conversion/test_div_aten.py | 18 +++++++ tests/py/dynamo/conversion/test_sum_aten.py | 21 ++++++++ .../dynamo/conversion/test_unsqueeze_aten.py | 49 +++++++++++++++++++ tests/py/dynamo/conversion/test_where_aten.py | 17 +++++++ 11 files changed, 255 insertions(+), 34 deletions(-) rename py/torch_tensorrt/dynamo/conversion/{op_evaluators.py => ops_evaluators.py} (96%) create mode 100644 py/torch_tensorrt/dynamo/conversion/prims_ops_converters.py diff --git a/py/torch_tensorrt/dynamo/conversion/__init__.py b/py/torch_tensorrt/dynamo/conversion/__init__.py index 3fabb1bb45..1261062cf4 100644 --- a/py/torch_tensorrt/dynamo/conversion/__init__.py +++ b/py/torch_tensorrt/dynamo/conversion/__init__.py @@ -2,5 +2,6 @@ from ._TRTInterpreter import * # noqa: F403 from .aten_ops_converters import * # noqa: F403 from .conversion import * # noqa: F403 -from .op_evaluators import * # noqa: F403 +from .ops_evaluators import * # noqa: F403 +from .prims_ops_converters import * # noqa: F403 from .truncate_long_and_double import repair_long_or_double_inputs diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index 67ce83469f..318befe945 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -27,6 +27,24 @@ def args_bounds_check( return args[i] if len(args) > i else replacement +def get_ir(target: Target) -> SourceIR: + target_module = getattr(target, "__module__", "None") + if any( + target_module.startswith(prefix) + for prefix in ("torch.ops.prims", "torch._ops.prims") + ): + return SourceIR.ATEN + elif any( + target_module.startswith(prefix) + for prefix in ("torch.ops.prims", "torch._ops.prims") + ): + return SourceIR.PRIM + elif target_module.startswith("torch.nn"): + return SourceIR.NN + + return SourceIR.UNKNOWN + + @dynamo_tensorrt_converter(torch.ops.aten.batch_norm) # type: ignore[misc] def aten_ops_batch_norm( ctx: ConversionContext, @@ -674,6 +692,7 @@ def aten_ops_amax( @dynamo_tensorrt_converter(torch.ops.aten.sum.default) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.sum.dim_IntList) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.prims.sum.default) # type: ignore[misc] def aten_ops_sum( ctx: ConversionContext, target: Target, @@ -681,16 +700,29 @@ def aten_ops_sum( kwargs: Dict[str, Argument], name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: - return impl.reduce.sum( + sum_ = impl.reduce.sum( ctx, target, - SourceIR.ATEN, + get_ir(target), name, args[0], args_bounds_check(args, 1, replacement=None), args_bounds_check(args, 2, replacement=False), ) + if kwargs.get("output_dtype", None) is not None: + return impl.cast.to_copy( + ctx, + target, + SourceIR.ATEN, + name, + sum_, + kwargs["output_dtype"], + force_layer=False, + ) + else: + return sum_ + @dynamo_tensorrt_converter(torch.ops.aten.exp.default) # type: ignore[misc] def aten_ops_exp( @@ -1189,6 +1221,7 @@ def aten_ops_sub( @dynamo_tensorrt_converter(torch.ops.aten.div.Tensor_mode) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.div.Scalar) # type: ignore[misc] @dynamo_tensorrt_converter(torch.ops.aten.div.Scalar_mode) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.prims.div.default) # type: ignore[misc] def aten_ops_div( ctx: ConversionContext, target: Target, @@ -1202,7 +1235,7 @@ def aten_ops_div( return impl.elementwise.div( ctx, target, - SourceIR.ATEN, + get_ir(target), name, args[0], args[1], @@ -1211,7 +1244,7 @@ def aten_ops_div( return impl.elementwise.floor_divide( ctx, target, - SourceIR.ATEN, + get_ir(target), name, args[0], args[1], @@ -1220,7 +1253,7 @@ def aten_ops_div( return impl.elementwise.trunc_div( ctx, target, - SourceIR.ATEN, + get_ir(target), name, args[0], args[1], @@ -1553,5 +1586,5 @@ def tensorrt_scaled_dot_product_attention( name: str, ) -> Union[TRTTensor, Sequence[TRTTensor]]: return impl.attention.scaled_dot_product_attention( - ctx, target, SourceIR.ATEN, name, args[0], args[1], args[2] + ctx, target, SourceIR.TORCHTRT_LOWERED, name, args[0], args[1], args[2] ) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/condition/ops.py b/py/torch_tensorrt/dynamo/conversion/impl/condition/ops.py index 981c13397f..3078bd4587 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/condition/ops.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/condition/ops.py @@ -1,5 +1,6 @@ from typing import Optional +import numpy as np import tensorrt as trt import torch from torch.fx.node import Target @@ -23,16 +24,6 @@ def where( other: TRTTensor, condition: TRTTensor, ) -> TRTTensor: - input_dim = len(tuple(input.shape)) - other_dim = len(tuple(other.shape)) - condition_dim = len(tuple(condition.shape)) - - if type(input) != TRTTensor: - assert type(input) is torch.Tensor, f"value {input} is not torch.Tensor!" - - if type(other) != TRTTensor: - assert type(other) is torch.Tensor, f"value {other} is not torch.Tensor!" - if not (broadcastable(input, other)): assert "The two torch tensors should be broadcastable" @@ -49,33 +40,37 @@ def where( x_shape = list(input.shape) y_shape = list(other.shape) condition_shape = list(condition.shape) + output_shape = list(torch.broadcast_shapes(condition_shape, x_shape, y_shape)) # expand shape - if type(condition) != TRTTensor: - assert condition.dtype == torch.bool, "condition dtype is not bool" + if not isinstance(condition, TRTTensor): + assert condition.dtype in (torch.bool, np.bool_), "condition dtype is not bool" if condition_shape != output_shape: - condition.expand(output_shape) - condition = condition.to(torch.int32) - condition_const = get_trt_tensor(ctx, condition, f"{name}_condition") - condition_layer = ctx.net.add_identity(condition_const) - condition_layer.set_output_type(0, trt.bool) - set_layer_name(condition_layer, target, f"{name}_condition") - condition_val = condition_layer.get_output(0) + condition = ( + condition.expand(output_shape) + if isinstance(condition, torch.Tensor) + else np.broadcast_to(condition, output_shape) + ) + condition_val = get_trt_tensor(ctx, condition, f"{name}_condition") else: assert condition.dtype == trt.bool, "mask dtype is not bool!" - if len(condition_shape) != condition_dim: + if condition_shape != output_shape: condition_val = expand( ctx, target, source_ir, f"{name}_expand", condition, output_shape ) else: condition_val = condition - if type(input) != TRTTensor: + if not isinstance(input, TRTTensor): if x_shape != output_shape: # special case where 1 element in input if len(input.shape) == 0: - input = input.unsqueeze(0) + input = ( + input.unsqueeze(0) + if isinstance(input, torch.Tensor) + else np.expand_dims(input, axis=0) + ) input = input.expand(output_shape) x_val = get_trt_tensor(ctx, input, f"{name}_x") else: @@ -85,11 +80,15 @@ def where( ctx, target, source_ir, f"{name}_x_expand", input, output_shape ) - if type(other) != TRTTensor: + if not isinstance(other, TRTTensor): if y_shape != output_shape: # special case where 1 element in other if len(other.shape) == 0: - other = other.unsqueeze(0) + other = ( + other.unsqueeze(0) + if isinstance(other, torch.Tensor) + else np.expand_dims(other, axis=0) + ) other = other.expand(output_shape) y_val = get_trt_tensor(ctx, other, f"{name}_y") else: diff --git a/py/torch_tensorrt/dynamo/conversion/impl/reduce.py b/py/torch_tensorrt/dynamo/conversion/impl/reduce.py index 0357962be5..eb02657d08 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/reduce.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/reduce.py @@ -51,7 +51,7 @@ def sum( ): input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) - if dim is None: + if dim is None or (isinstance(dim, (tuple, list)) and len(dim) == 0): dim = tuple(range(len(input_val.shape))) layer = ctx.net.add_reduce( input_val, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py b/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py index 185a985e10..ce893f8d5b 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/unsqueeze.py @@ -1,4 +1,4 @@ -from typing import Optional, cast +from typing import List, Optional, Sequence, cast from torch.fx.node import Target from torch_tensorrt.dynamo._SourceIR import SourceIR @@ -49,3 +49,42 @@ def unsqueeze( ) set_layer_name(layer, target, name, source_ir) return layer.get_output(0) + + +def broadcast_in_dim( + ctx: ConversionContext, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input_t: TRTTensor, + shape: Sequence[int], + broadcast_dimensions: Sequence[int], +) -> TRTTensor: + augmented_shape_list: List[Optional[int]] = list(shape) + + # For each dimension being broadcasted, set the augmented shape to None + for broadcast_dim in broadcast_dimensions: + augmented_shape_list[broadcast_dim] = None + + # TODO: Expand support to arbitrary broadcasts + assert all( + dim in (1, None) for dim in augmented_shape_list + ), "broadcast_in_dim currently only supports unsqueeze broadcasting" + + # Unsqueeze the shape repeatedly to broadcast + output = input_t + for idx, x in enumerate(augmented_shape_list): + # If the value is not None, that dimension is to be broadcasted + if x is not None: + output = unsqueeze( + ctx, + target, + source_ir, + name + f"_unsqueeze_for_broadcast_{idx}", + output, + idx, + ) + + assert tuple(output.shape) == tuple(shape), "broadcast_in_dim shapes don't match" + + return output diff --git a/py/torch_tensorrt/dynamo/conversion/op_evaluators.py b/py/torch_tensorrt/dynamo/conversion/ops_evaluators.py similarity index 96% rename from py/torch_tensorrt/dynamo/conversion/op_evaluators.py rename to py/torch_tensorrt/dynamo/conversion/ops_evaluators.py index 08285762ce..5cd09a010c 100644 --- a/py/torch_tensorrt/dynamo/conversion/op_evaluators.py +++ b/py/torch_tensorrt/dynamo/conversion/ops_evaluators.py @@ -19,7 +19,7 @@ def getitem_validator(getitem_node: Node) -> bool: # TODO: Subsequent evaluators should be registered here with their own validators -@dynamo_tensorrt_converter(operator.getitem, capability_validator=getitem_validator) +@dynamo_tensorrt_converter(operator.getitem, capability_validator=getitem_validator) # type: ignore[misc] def generic_evaluator( ctx: ConversionContext, target: Target, diff --git a/py/torch_tensorrt/dynamo/conversion/prims_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/prims_ops_converters.py new file mode 100644 index 0000000000..a8c0dfa6fd --- /dev/null +++ b/py/torch_tensorrt/dynamo/conversion/prims_ops_converters.py @@ -0,0 +1,44 @@ +import logging +from typing import Dict, Sequence, Tuple, Union + +import torch +from torch.fx.node import Argument, Target +from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion import impl +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.fx.types import TRTTensor + +from .converter_registry import dynamo_tensorrt_converter + +_LOGGER: logging.Logger = logging.getLogger(__name__) + + +# TODO: expand the scope of this converter with aten.expand implementation +def broadcast_checker(broadcast_node: torch.fx.Node) -> bool: + # The current implementation of broadcast_in_dim can only handle unsqueeze + return all( + broadcast_node.args[1][i] == 1 + for i in range(len(broadcast_node.args[1])) + if i not in broadcast_node.args[2] + ) + + +@dynamo_tensorrt_converter( + torch.ops.prims.broadcast_in_dim.default, capability_validator=broadcast_checker +) # type: ignore[misc] +def aten_ops_broadcast_in_dim( + ctx: ConversionContext, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.unsqueeze.broadcast_in_dim( + ctx, + target, + SourceIR.PRIM, + name, + args[0], + args[1], + args[2], + ) diff --git a/tests/py/dynamo/conversion/test_div_aten.py b/tests/py/dynamo/conversion/test_div_aten.py index 2facb52289..882625de25 100644 --- a/tests/py/dynamo/conversion/test_div_aten.py +++ b/tests/py/dynamo/conversion/test_div_aten.py @@ -2,6 +2,7 @@ import torch.nn as nn from parameterized import parameterized from torch.testing._internal.common_utils import run_tests + from torch_tensorrt import Input from .harness import DispatchTestCase @@ -82,6 +83,23 @@ def forward(self, lhs_val): inputs, ) + @parameterized.expand( + [ + ("2d", (2, 1)), + ("3d", (2, 1, 2)), + ] + ) + def test_prims_div_tensor(self, _, shape): + class div(nn.Module): + def forward(self, lhs_val, rhs_val): + return torch.ops.prims.div.default(lhs_val, rhs_val) + + inputs = [torch.randn(shape), torch.randn(shape)] + self.run_test( + div(), + inputs, + ) + if __name__ == "__main__": run_tests() diff --git a/tests/py/dynamo/conversion/test_sum_aten.py b/tests/py/dynamo/conversion/test_sum_aten.py index b279bed43e..c69e7707b7 100644 --- a/tests/py/dynamo/conversion/test_sum_aten.py +++ b/tests/py/dynamo/conversion/test_sum_aten.py @@ -108,5 +108,26 @@ def forward(self, x): ) +class TestPrimsSumConverter(DispatchTestCase): + @parameterized.expand( + [ + ((3, 2, 4), [1]), + ((2, 1, 4, 5), [1, 2]), + ((2, 3, 4, 5), [0, 1, 2, 3]), + ((6, 7, 5, 4, 5), [1, 3, 4]), + ] + ) + def test_sum_dim_sequence(self, input_shape, dim): + class Sum(nn.Module): + def forward(self, x): + return torch.ops.prims.sum.default(x, dim) + + inputs = [torch.randn(*input_shape)] + self.run_test( + Sum(), + inputs, + ) + + if __name__ == "__main__": run_tests() diff --git a/tests/py/dynamo/conversion/test_unsqueeze_aten.py b/tests/py/dynamo/conversion/test_unsqueeze_aten.py index e448c4f925..cc920283b3 100644 --- a/tests/py/dynamo/conversion/test_unsqueeze_aten.py +++ b/tests/py/dynamo/conversion/test_unsqueeze_aten.py @@ -3,6 +3,8 @@ import torch.nn as nn from parameterized import parameterized from torch.testing._internal.common_utils import run_tests +from torch_tensorrt.dynamo.conversion import UnsupportedOperatorException + from torch_tensorrt import Input from .harness import DispatchTestCase @@ -55,5 +57,52 @@ def forward(self, x): self.run_test_with_dynamic_shape(Unsqueeze(dim), input_specs) +class TestBroadcastInDim(DispatchTestCase): + def test_broadcast_in_dim_supported( + self, + ): + class Unsqueeze(nn.Module): + def forward(self, x): + return torch.ops.prims.broadcast_in_dim.default( + x, [4, 5, 6, 1, 1], [0, 1, 2] + ) + + inputs = [torch.randn(4, 5, 6)] + self.run_test( + Unsqueeze(), + inputs, + ) + + def test_broadcast_in_dim_supported_singleton( + self, + ): + class Unsqueeze(nn.Module): + def forward(self, x): + return torch.ops.prims.broadcast_in_dim.default(x, [1, 1, 1], [0, 1]) + + inputs = [torch.randn(1, 1)] + self.run_test( + Unsqueeze(), + inputs, + ) + + # TODO: Remove this test when support is updated + def test_broadcast_in_dim_unsupported( + self, + ): + class Unsqueeze(nn.Module): + def forward(self, x): + return torch.ops.prims.broadcast_in_dim.default( + x, [4, 5, 6, 7, 1], [0, 1, 2] + ) + + inputs = [torch.randn(4, 5, 6)] + with self.assertRaises(UnsupportedOperatorException): + self.run_test( + Unsqueeze(), + inputs, + ) + + if __name__ == "__main__": run_tests() diff --git a/tests/py/dynamo/conversion/test_where_aten.py b/tests/py/dynamo/conversion/test_where_aten.py index 2a4bf108da..3594fc6d83 100644 --- a/tests/py/dynamo/conversion/test_where_aten.py +++ b/tests/py/dynamo/conversion/test_where_aten.py @@ -42,6 +42,23 @@ def forward(self, condition, x, y): (condition, inputX, inputOther), ) + def test_const_input(self): + class Where(nn.Module): + def __init__(self, *args, **kwargs) -> None: + super().__init__(*args, **kwargs) + self.inputY = torch.randn((5, 6, 7)) + self.inputX = torch.randn((5, 6, 7)) + + def forward(self, condition): + return torch.ops.aten.where.self(condition, self.inputX, self.inputY) + + input1 = torch.randn((5, 6, 7)) + condition = input1 < 0 + self.run_test( + Where(), + (condition,), + ) + if __name__ == "__main__": run_tests() From 6d59a14a6bfb7d57eac91a04995531b34cfd9904 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Fri, 6 Oct 2023 01:46:56 +0000 Subject: [PATCH 44/62] docs: [Automated] Regenerating documenation for c61d97e Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 27177 -> 27177 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- docs/user_guide/dynamic_shapes.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/saving_models.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 119 files changed, 232 insertions(+), 232 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index b51e5df48a..646df03caf 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index f19c61a42e..d6adf39647 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index cf33da51a1..ee8cfeef9b 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 0cbfe2687a..d62c836739 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index 904a28bc90..ce1393f048 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 6bb31c482e..953a1008ad 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Define STR — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 8d07b700cf..3321cf241b 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 2e44e19fce..73f73e1374 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index 9731a73b20..79ee020b9f 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index a0b688a97e..ec9919562f 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 701f0c5bb2..6cd935ff59 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index e11440edd5..f31a759090 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index d604512f55..a5fe61ad18 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 31355ef035..4420b91dbf 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index 7bb05c84ba..5f9af66978 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Directory include — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index bc42fd9733..df8fc02ad7 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index f04167bbde..7d79506148 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index 613041bf06..550f982012 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index b7e3c8ce40..41110c6662 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index dcffdae898..0d501cf7a3 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 7654768e00..19ee1222d2 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index bf77bc7d38..b519696ce5 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index 9edeadff83..ddaf8202a7 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index 832db9761a..92526d1e7f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index cf5d575c6b..5f24f6e81f 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index 886aad15c0..c4add593a1 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index ed8d765473..0144d2224a 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index 5050c8e539..a040e1f376 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 3754a859d4..4b6f14acee 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index ab94f909f5..96a69105d0 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index 7ef01d497b..049042efb3 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 56dcfe2078..9677a9988d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index 13b006c2c1..138daf163e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index 208d6ba2b1..cd40748df1 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 010d938a03..f0e3804019 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index 331b69f7dc..edd60e2813 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 385d61c905..e295aa3a8d 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index b2876c1383..1f7724cc48 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 1dc1957c2c..7cbb24d1e0 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index 14ec47f520..b41d208ce2 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 94b882f4f6..a860aeb328 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index 8ddc96f1f0..9cde0922c1 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 99ae2c7225..448292cf5b 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 3904ee107d..87afdd42c8 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index bf0340ef10..27316949e3 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 781ce1f33d..bccb2aab6f 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 7684b68576..6a09a28ab3 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index d8bc091d69..c9780c508d 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index b2e5164976..0cf2853ad2 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index ccffe9a70c..6a964304d3 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 2c1fd1e646..bcdce3e3bf 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 1afed545e7..468277d98e 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Full API — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 93d42eb1413220f53cfe74b00682e2035df99438..007b66374f03fbdce773a1e807d4b8f3856c2793 100644 GIT binary patch delta 64 zcmZpyZ>;AH@MdNaVE};AH@MdNaVE_T$#jYE9B}ABk^kxkaKT$BFQu8xdWOBY;2uNV^F}o-*t!y6$ E04b&t!2kdN diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 1a60dffc492d78d335215122baf91ef06b29b1c4..029adf8ff8e15b97749dc9182a7309a224a56059 100644 GIT binary patch delta 64 zcmbQ}Ink3hz?+#xgaHID@w#o~{ldizq&Ks0i}8RNvf>$F#^es=K#;)XJIdi;+Ds)H E03O8>AOHXW delta 64 zcmbQ}Ink3hz?+#xgaHI}7rSoc{ldizq&Ks0i}8RNvf>$F#^es=K#;)XJIdi;+Ds)H E01({~zyJUM diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 81c225dabd..b5f0793873 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index 7216d9a2fc..ce8dd318c9 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 3c9cf96dde..b1144e2658 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 772da54046..640c2d7c92 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index d03e53d8da..4095de6b65 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index aebbf27379..230c912313 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 521eea4e37..35bf09dbc7 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 6fe38ea735..37414fc324 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 915466474a..ee9afbfea7 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 3714637328..b1fff5e607 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index a77ef1620f..89e929b064 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 3c05054b8a..237737c3ba 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index 9e56cc55d1..ce9096bf52 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index 5c5e792c4c..cc4dc5df22 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+22cf701', + VERSION: 'v2.2.0.dev0+c61d97e', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index b66b3b5359..f214ec2629 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index a780c4fb19..62cd2aa5a3 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 4bc76b0545..9dc0b9efd5 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index 57a909c218..b5229d65fa 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 558f3d2e2c..f1f07a8af2 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 38e04a33e3..5128090fe5 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index 5586d3baca..cbf17a745f 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index cf01377273..9c53f46e00 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + System Overview — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 2a1dac717a..3482112db5 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 6db06ed1eb..0f05862b88 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index 5aa6ab43fb..f3755618b7 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/genindex.html b/docs/genindex.html index eb98cfc426..ad2f0186c9 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Index — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index 31f9695d14..e52c09f1bb 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index eb4b458bd0..f12a3b327f 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index 52b6f1b4c6..c22185f3e1 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index ba51c2e965..2478a03b6e 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Installation — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/index.html b/docs/index.html index 2618e147e4..18061f66c5 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 6ee67a87f9..1b2a242859 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/objects.inv b/docs/objects.inv index 02f31afc306fc6c3199a95372d6154c5400a695b..008f761e2ab3e97f6e2b07f85e1aad85c82b1a4a 100644 GIT binary patch delta 20 ccmZ2^g>mH-#tDAx$!3NrmgcD&L$72409T|4C;$Ke delta 20 ccmZ2^g>mH-#tDAxMn=hL<_3lvL$72409E$~>Hq)$ diff --git a/docs/py-modindex.html b/docs/py-modindex.html index 21c227b3f8..06c2b364b5 100644 --- a/docs/py-modindex.html +++ b/docs/py-modindex.html @@ -9,7 +9,7 @@ - Python Module Index — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 50dd4688d4..fcb4a507f2 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index 04c949f61b..dbbeb139b6 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 09ba504a7a..ea0ec7f7a1 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index a5abddcbca..5ec175cdcd 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 86b1da4006..78e7c9cb40 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    @@ -612,7 +612,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+22cf701.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+c61d97e.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index 0b592e014f..d74338af1c 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+22cf701 documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+c61d97e documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 602a6c41d3..3021b0d4fe 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 2adac5da5b..60d8e12da6 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index 7bee605c6e..a6703bbb62 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + <no title> — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index 70085f0320..e521005509 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Installation — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 4b96f3f841..114260535d 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 96d08c4986..302bdd7bb5 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index ada732ad8f..3584d415dc 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 84882a7eec..570105ad39 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 282fe7a987..131fea9562 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 4ec6f714fb..63d8b1d3cb 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index b1e9ecfe94..bbdf3f4972 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 94e3fb1132..67f837b479 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/user_guide/dynamic_shapes.html b/docs/user_guide/dynamic_shapes.html index b6f61b56f1..7f8d8f8318 100644 --- a/docs/user_guide/dynamic_shapes.html +++ b/docs/user_guide/dynamic_shapes.html @@ -10,7 +10,7 @@ - Dynamic shapes with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Dynamic shapes with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index f89e3cf966..9fe0989f05 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index 9b8b79ac9f..c17814174d 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 604565518c..56aaa6af04 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/user_guide/saving_models.html b/docs/user_guide/saving_models.html index 50160ed48e..2a0aaa320b 100644 --- a/docs/user_guide/saving_models.html +++ b/docs/user_guide/saving_models.html @@ -10,7 +10,7 @@ - Saving models compiled with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Saving models compiled with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index 03eabc80d5..01821ed6d9 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index e0dd5c232a..fc274f428a 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+22cf701 documentation + DLA — Torch-TensorRT v2.2.0.dev0+c61d97e documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+22cf701 + v2.2.0.dev0+c61d97e
    From d375d1063c6c8db61fa864164ab26de3cbc34a31 Mon Sep 17 00:00:00 2001 From: "Zewen (Evan) Li" Date: Fri, 6 Oct 2023 14:54:47 -0700 Subject: [PATCH 45/62] feat: support flatten and reshape via shuffle_layer (#2354) --- .../dynamo/conversion/aten_ops_converters.py | 24 +++++++++++ .../dynamo/conversion/converter_utils.py | 32 +++++++++++++++ .../dynamo/conversion/impl/__init__.py | 1 + .../dynamo/conversion/impl/shuffle.py | 21 ++++++++++ .../dynamo/conversion/test_converter_utils.py | 40 ++++++++++++++++++- .../py/dynamo/conversion/test_reshape_aten.py | 21 +++++----- 6 files changed, 128 insertions(+), 11 deletions(-) create mode 100644 py/torch_tensorrt/dynamo/conversion/impl/shuffle.py diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index 318befe945..1aa1a34ba4 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -1588,3 +1588,27 @@ def tensorrt_scaled_dot_product_attention( return impl.attention.scaled_dot_product_attention( ctx, target, SourceIR.TORCHTRT_LOWERED, name, args[0], args[1], args[2] ) + + +@dynamo_tensorrt_converter(torch.ops.aten.reshape.default) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.view.default) # type: ignore[misc] +@enforce_tensor_types( + { + 0: (TRTTensor,), + } +) # type: ignore[misc] +def aten_ops_reshape( + ctx: ConversionContext, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.shuffle.reshape( + ctx, + target, + SourceIR.ATEN, + name, + input=args[0], + shape=args[1], + ) diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index d1d94d40cc..b382c5c329 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -511,3 +511,35 @@ def to_numpy( raise AssertionError( f"to_numpy can only be called on None, bool, int, float, np.ndarray, or torch.Tensor, got: {value}" ) + + +def flatten_dims( + input: Sequence[Union[TRTTensor, torch.Tensor, np.ndarray]], + start_dim: int, + end_dim: int, +) -> Tuple[int, ...]: + """ + Given an input, start and end indices of dimension, + this function will return a flattened new shape. + + Args: + input (Sequence[Union[TRTTensor, torch.Tensor, np.ndarray]]): + an input value waiting to be flattened + start_dim (int): the first dim to flatten + end_dim (int): the last dim to flatten (this dim is included) + + Returns: + Tuple[int]: new_shape + """ + shape = input.shape + dim_size = len(shape) + start_dim = get_positive_dim(start_dim, dim_size) + end_dim = get_positive_dim(end_dim, dim_size) + + num_elements = 1 + for i in range(start_dim, end_dim + 1): + num_elements *= shape[i] + + new_shape = tuple(shape[:start_dim]) + (num_elements,) + tuple(shape[end_dim + 1 :]) + + return new_shape diff --git a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py index 3f49377619..9e83c6657e 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py @@ -17,6 +17,7 @@ reduce, select, shape, + shuffle, slice, split, squeeze, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/shuffle.py b/py/torch_tensorrt/dynamo/conversion/impl/shuffle.py new file mode 100644 index 0000000000..3a4c160d77 --- /dev/null +++ b/py/torch_tensorrt/dynamo/conversion/impl/shuffle.py @@ -0,0 +1,21 @@ +from typing import Optional, Sequence, Union + +from torch.fx.node import Target +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.dynamo.conversion.converter_utils import SourceIR +from torch_tensorrt.fx.converters.converter_utils import set_layer_name +from torch_tensorrt.fx.types import TRTTensor + + +def reshape( + ctx: ConversionContext, + target: Union[Target, str], + source_ir: Optional[SourceIR], + name: str, + input: TRTTensor, + shape: Sequence[int], +) -> TRTTensor: + layer = ctx.net.add_shuffle(input) + layer.reshape_dims = tuple(shape) + set_layer_name(layer, target, name, source_ir) + return layer.get_output(0) diff --git a/tests/py/dynamo/conversion/test_converter_utils.py b/tests/py/dynamo/conversion/test_converter_utils.py index b4f1ff2f93..8025eae841 100644 --- a/tests/py/dynamo/conversion/test_converter_utils.py +++ b/tests/py/dynamo/conversion/test_converter_utils.py @@ -1,7 +1,11 @@ import numpy as np import torch +from parameterized import parameterized from torch.testing._internal.common_utils import TestCase, run_tests -from torch_tensorrt.dynamo.conversion.converter_utils import enforce_tensor_types +from torch_tensorrt.dynamo.conversion.converter_utils import ( + enforce_tensor_types, + flatten_dims, +) from torch_tensorrt.fx.types import TRTTensor from ..testing_utilities import DECIMALS_OF_AGREEMENT, lower_graph_testing @@ -37,5 +41,39 @@ def test_invalid_invocation_type(self): enforce_tensor_types({0: (int, bool)}) +class TestFlattenDimsEnforcement(TestCase): + @parameterized.expand( + [ + ((1, 2), 0, 0, (1, 2)), + ((1, 2), 0, 1, (2,)), + ((2, 3, 4), 1, 2, (2, 12)), + ((2, 3, 4), 0, 1, (6, 4)), + ((2, 3, 4), -3, 2, (24,)), + ((2, 3, 4, 5), 0, -2, (24, 5)), + ((2, 3, 4, 5), -4, -1, (120,)), + ] + ) + def test_numpy_array(self, input_shape, start_dim, end_dim, true_shape): + inputs = np.random.randn(*input_shape) + new_shape = flatten_dims(inputs, start_dim, end_dim) + self.assertEqual(new_shape, true_shape) + + @parameterized.expand( + [ + ((1, 2), 0, 0, (1, 2)), + ((1, 2), 0, 1, (2,)), + ((2, 3, 4), 1, 2, (2, 12)), + ((2, 3, 4), 0, 1, (6, 4)), + ((2, 3, 4), -3, 2, (24,)), + ((2, 3, 4, 5), 0, -2, (24, 5)), + ((2, 3, 4, 5), -4, -1, (120,)), + ] + ) + def test_torch_tensor(self, input_shape, start_dim, end_dim, true_shape): + inputs = torch.randn(input_shape) + new_shape = flatten_dims(inputs, start_dim, end_dim) + self.assertEqual(new_shape, true_shape) + + if __name__ == "__main__": run_tests() diff --git a/tests/py/dynamo/conversion/test_reshape_aten.py b/tests/py/dynamo/conversion/test_reshape_aten.py index 6be138303d..a8c831f23b 100644 --- a/tests/py/dynamo/conversion/test_reshape_aten.py +++ b/tests/py/dynamo/conversion/test_reshape_aten.py @@ -12,6 +12,8 @@ class TestReshapeConverter(DispatchTestCase): @parameterized.expand( [ + ((-1,),), + ((20,),), ((1, 20),), ((1, 10, -1),), ] @@ -21,22 +23,22 @@ class TestReshapeConverter(DispatchTestCase): "Shape tensor supported well in TensorRT 8.5 and later", ) def test_reshape(self, target_shape): - class TestModule(torch.nn.Module): - def __init__(self, target_shape): + class Reshape(torch.nn.Module): + def __init__(self): super().__init__() - self.target_shape = target_shape def forward(self, x): - return torch.ops.aten.view.default(x, self.target_shape) + return torch.ops.aten.view.default(x, target_shape) inputs = [torch.randn(1, 2, 10)] self.run_test( - TestModule(target_shape), + Reshape(), inputs, ) @parameterized.expand( [ + ((-1,),), ((-1, 10),), ((-1, 5),), ((2, 2, -1),), @@ -47,13 +49,12 @@ def forward(self, x): "Shape tensor supported well in TensorRT 8.5 and later", ) def test_reshape_with_dynamic_shape(self, target_shape): - class TestModule(torch.nn.Module): - def __init__(self, target_shape): + class Reshape(torch.nn.Module): + def __init__(self): super().__init__() - self.target_shape = target_shape def forward(self, x): - return torch.ops.aten.view.default(x, self.target_shape) + return torch.ops.aten.view.default(x, target_shape) input_specs = [ Input( @@ -63,7 +64,7 @@ def forward(self, x): ), ] self.run_test_with_dynamic_shape( - TestModule(target_shape), + Reshape(), input_specs, ) From 65e8ec7be3c678c4f6bf5028670eb95d09464861 Mon Sep 17 00:00:00 2001 From: Torch-TensorRT Github Bot Date: Fri, 6 Oct 2023 22:12:24 +0000 Subject: [PATCH 46/62] docs: [Automated] Regenerating documenation for d375d10 Signed-off-by: Torch-TensorRT Github Bot --- .../classtorch__tensorrt_1_1DataType.html | 4 ++-- ...rch__tensorrt_1_1Device_1_1DeviceType.html | 4 ++-- .../classtorch__tensorrt_1_1TensorFormat.html | 4 ++-- ...ensorrt_1_1ptq_1_1Int8CacheCalibrator.html | 4 ++-- ...ch__tensorrt_1_1ptq_1_1Int8Calibrator.html | 4 ++-- ...8h_1a18d295a837ac71add5578860b55e5502.html | 4 ++-- ...8h_1a282fd3c0b1c3a215148ae372070e1268.html | 4 ++-- ...8h_1a31398a6d4d27e28817afb0f0139e909e.html | 4 ++-- ...8h_1a35703561b26b1a9d2738ad7d58b27827.html | 4 ++-- ...8h_1abd1465eb38256d3f22cc1426b23d516b.html | 4 ++-- ...8h_1abe87b341f562fd1cf40b7672e4d759da.html | 4 ++-- ...8h_1ad19939408f7be171a74a89928b36eb59.html | 4 ++-- ...8h_1adad592a7b1b7eed529cdf6acd584c883.html | 4 ++-- docs/_cpp_api/dir_cpp.html | 4 ++-- docs/_cpp_api/dir_cpp_include.html | 4 ++-- .../dir_cpp_include_torch_tensorrt.html | 4 ++-- ...ng_1a130f65408ad8cbaee060f05e8db69558.html | 4 ++-- ...rt_1a3fbe5d72e4fc624dbd038853079620eb.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- ...ng_1a0593f776f469c20469e2f729fc7861a3.html | 4 ++-- ...ng_1a0c012cb374addd90eb1f42eaec570650.html | 4 ++-- ...ng_1a56e110feaaba2c3fd44bd201fd21a76a.html | 4 ++-- ...ng_1a7cb50492421ea9de4e3db895819df6f2.html | 4 ++-- ...ng_1ac46ac0901cb97e3ae6e93b45f24e90b8.html | 4 ++-- ...ng_1ad2efd47b6c3689e58ccc595680579ae5.html | 4 ++-- ...ng_1af8f3443813315af7901903d25dd495cc.html | 4 ++-- ...tq_1a226e3c83379d1012cde8578c1c86b16c.html | 4 ++-- ...tq_1a6186e305f47c1d94b6130ef6c7f7e178.html | 4 ++-- ...pt_1a5b405fd3bf3c8fc2e2a54cbbab979797.html | 4 ++-- ...pt_1a6e19490a08fb1553c9dd347a5ae79db9.html | 4 ++-- ...pt_1a81f9783517335dda877d8cfcf38987c9.html | 4 ++-- ...pt_1ae8d56472106eeef37fbe51ff7f40c9b2.html | 4 ++-- ...rt_1ac4ab8313ae72c2c899ea31548b528528.html | 4 ++-- ...rt_1ad1acd06eaeaffbbcf6e7ebf426891384.html | 4 ++-- ...rt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html | 4 ++-- docs/_cpp_api/namespace_torch_tensorrt.html | 4 ++-- .../namespace_torch_tensorrt__logging.html | 4 ++-- .../namespace_torch_tensorrt__ptq.html | 4 ++-- ...namespace_torch_tensorrt__torchscript.html | 4 ++-- ..._cpp_include_torch_tensorrt_logging.h.html | 4 ++-- ...e_cpp_include_torch_tensorrt_macros.h.html | 4 ++-- ...file_cpp_include_torch_tensorrt_ptq.h.html | 4 ++-- ...clude_torch_tensorrt_torch_tensorrt.h.html | 4 ++-- .../structtorch__tensorrt_1_1Device.html | 4 ++-- .../structtorch__tensorrt_1_1GraphInputs.html | 4 ++-- .../structtorch__tensorrt_1_1Input.html | 4 ++-- ...ensorrt_1_1torchscript_1_1CompileSpec.html | 4 ++-- docs/_cpp_api/torch_tensort_cpp.html | 4 ++-- docs/_cpp_api/unabridged_orphan.html | 4 ++-- .../_rendered_examples_jupyter.zip | Bin 16257 -> 16257 bytes .../_rendered_examples_python.zip | Bin 9361 -> 9361 bytes docs/_modules/index.html | 4 ++-- docs/_modules/torch_tensorrt/_Device.html | 4 ++-- docs/_modules/torch_tensorrt/_Input.html | 4 ++-- docs/_modules/torch_tensorrt/_compile.html | 4 ++-- docs/_modules/torch_tensorrt/_utils.html | 4 ++-- docs/_modules/torch_tensorrt/fx/fx2trt.html | 4 ++-- .../torch_tensorrt/fx/input_tensor_spec.html | 4 ++-- docs/_modules/torch_tensorrt/fx/lower.html | 4 ++-- .../torch_tensorrt/fx/trt_module.html | 4 ++-- docs/_modules/torch_tensorrt/logging.html | 4 ++-- docs/_modules/torch_tensorrt/ptq.html | 4 ++-- .../torch_tensorrt/ts/_compile_spec.html | 4 ++-- .../_modules/torch_tensorrt/ts/_compiler.html | 4 ++-- docs/_static/documentation_options.js | 2 +- docs/cli/torchtrtc.html | 4 ++-- docs/contributors/conversion.html | 4 ++-- docs/contributors/fx_converters.html | 4 ++-- docs/contributors/lowering.html | 4 ++-- docs/contributors/partitioning.html | 4 ++-- docs/contributors/phases.html | 4 ++-- docs/contributors/runtime.html | 4 ++-- docs/contributors/system_overview.html | 4 ++-- docs/contributors/useful_links.html | 4 ++-- docs/contributors/writing_converters.html | 4 ++-- .../writing_dynamo_aten_lowering_passes.html | 4 ++-- docs/genindex.html | 4 ++-- .../getting_started_with_cpp_api.html | 4 ++-- .../getting_started_with_python_api.html | 4 ++-- .../getting_started_with_windows.html | 4 ++-- docs/getting_started/installation.html | 4 ++-- docs/index.html | 4 ++-- docs/indices/supported_ops.html | 4 ++-- docs/objects.inv | Bin 27177 -> 27177 bytes docs/py-modindex.html | 4 ++-- docs/py_api/fx.html | 4 ++-- docs/py_api/logging.html | 4 ++-- docs/py_api/ptq.html | 4 ++-- docs/py_api/torch_tensorrt.html | 4 ++-- docs/py_api/ts.html | 6 +++--- docs/search.html | 4 ++-- docs/searchindex.js | 2 +- .../pytorch-sphinx-theme/docs/changelog.html | 4 ++-- .../docs/configuring.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/api.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/demo.html | 6 +++--- .../docs/demo/lists_tables.html | 4 ++-- .../pytorch-sphinx-theme/docs/demo/long.html | 4 ++-- .../docs/demo/structure.html | 4 ++-- docs/src/pytorch-sphinx-theme/docs/index.html | 4 ++-- .../pytorch-sphinx-theme/docs/installing.html | 4 ++-- .../_rendered_examples/dynamo/index.html | 4 ++-- .../dynamo/torch_compile_advanced_usage.html | 4 ++-- .../dynamo/torch_compile_resnet_example.html | 4 ++-- .../torch_compile_transformers_example.html | 4 ++-- docs/tutorials/_rendered_examples/index.html | 4 ++-- docs/tutorials/notebooks.html | 4 ++-- .../serving_torch_tensorrt_with_triton.html | 4 ++-- ...creating_torchscript_module_in_python.html | 4 ++-- docs/user_guide/dynamic_shapes.html | 4 ++-- .../getting_started_with_fx_path.html | 4 ++-- docs/user_guide/ptq.html | 4 ++-- docs/user_guide/runtime.html | 4 ++-- docs/user_guide/saving_models.html | 4 ++-- docs/user_guide/use_from_pytorch.html | 4 ++-- docs/user_guide/using_dla.html | 4 ++-- 119 files changed, 232 insertions(+), 232 deletions(-) diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 646df03caf..276ad9db46 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -10,7 +10,7 @@ - Class DataType — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Class DataType — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index d6adf39647..ac20190757 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -10,7 +10,7 @@ - Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Class Device::DeviceType — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index ee8cfeef9b..8667256a0b 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -10,7 +10,7 @@ - Class TensorFormat — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Class TensorFormat — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index d62c836739..e4a8679553 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -10,7 +10,7 @@ - Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Template Class Int8CacheCalibrator — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index ce1393f048..f3b4a29783 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -10,7 +10,7 @@ - Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Template Class Int8Calibrator — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 953a1008ad..17ea150421 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -10,7 +10,7 @@ - Define STR — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Define STR — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 3321cf241b..e20cb286f7 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Define TORCH_TENSORRT_PATCH_VERSION — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 73f73e1374..aecba4f392 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Define TORCH_TENSORRT_MAJOR_VERSION — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index 79ee020b9f..3e2bf0b936 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Define TORCH_TENSORRT_MINOR_VERSION — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index ec9919562f..a10b3666d1 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -10,7 +10,7 @@ - Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Define TORCHTRT_API — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index 6cd935ff59..ad5b066a3e 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -10,7 +10,7 @@ - Define XSTR — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Define XSTR — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index f31a759090..97af500c2e 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -10,7 +10,7 @@ - Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Define TORCHTRT_HIDDEN — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index a5fe61ad18..3d2094beba 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -10,7 +10,7 @@ - Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Define TORCH_TENSORRT_VERSION — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 4420b91dbf..e6135c0dae 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -10,7 +10,7 @@ - Directory cpp — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Directory cpp — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index 5f9af66978..083bef08a3 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -10,7 +10,7 @@ - Directory include — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Directory include — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index df8fc02ad7..3f1def703f 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -10,7 +10,7 @@ - Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Directory torch_tensorrt — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html index 7d79506148..f2ece9f252 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1_1logging_1a130f65408ad8cbaee060f05e8db69558.html @@ -10,7 +10,7 @@ - Enum Level — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Enum Level — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html index 550f982012..7b98df5715 100644 --- a/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_namespacetorch__tensorrt_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -10,7 +10,7 @@ - Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Enum EngineCapability — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 41110c6662..8bb0e11451 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - File logging.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + File logging.h — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index 0d501cf7a3..313aea43dd 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - File macros.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + File macros.h — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 19ee1222d2..ffdfad12f3 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - File ptq.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + File ptq.h — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index b519696ce5..fb1a315054 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html index ddaf8202a7..8bdecdafdf 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0593f776f469c20469e2f729fc7861a3.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::logging::get_logging_prefix — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html index 92526d1e7f..a8dcb663ed 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a0c012cb374addd90eb1f42eaec570650.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::logging::get_reportable_log_level — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html index 5f24f6e81f..4baf7091f6 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::logging::get_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html index c4add593a1..e25f5e3b83 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1a7cb50492421ea9de4e3db895819df6f2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::logging::set_reportable_log_level — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 0144d2224a..fcc621aef8 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::logging::log — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html index a040e1f376..56439d5706 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::logging::set_is_colored_output_on — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html index 4b6f14acee..12e46faa39 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1logging_1af8f3443813315af7901903d25dd495cc.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::logging::set_logging_prefix — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html index 96a69105d0..29a6699f6e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a226e3c83379d1012cde8578c1c86b16c.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Template Function torch_tensorrt::ptq::make_int8_cache_calibrator — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html index 049042efb3..b726b38ad8 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1ptq_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -10,7 +10,7 @@ - Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Template Function torch_tensorrt::ptq::make_int8_calibrator — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 9677a9988d..1b56570166 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::torchscript::check_method_operator_support — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html index 138daf163e..ef85bbd1d5 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::torchscript::compile — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html index cd40748df1..77098e2a8e 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1a81f9783517335dda877d8cfcf38987c9.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::torchscript::embed_engine_in_new_module — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html index f0e3804019..98d42cf4e1 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1_1torchscript_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::torchscript::convert_method_to_trt_engine — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html index edd60e2813..f95adc571b 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ac4ab8313ae72c2c899ea31548b528528.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::get_build_info — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html index e295aa3a8d..dee1199ea1 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::set_device — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 1f7724cc48..654d938896 100644 --- a/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_namespacetorch__tensorrt_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -10,7 +10,7 @@ - Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Function torch_tensorrt::dump_build_info — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 7cbb24d1e0..961405c7fc 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Namespace torch_tensorrt — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index b41d208ce2..8d89eb2466 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Namespace torch_tensorrt::logging — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index a860aeb328..8278009851 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Namespace torch_tensorrt::ptq — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index 9cde0922c1..f649092a7d 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -10,7 +10,7 @@ - Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Namespace torch_tensorrt::torchscript — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 448292cf5b..b986f030d2 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -10,7 +10,7 @@ - Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Program Listing for File logging.h — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 87afdd42c8..7ac014854c 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -10,7 +10,7 @@ - Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Program Listing for File macros.h — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index 27316949e3..0207543780 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -10,7 +10,7 @@ - Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Program Listing for File ptq.h — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index bccb2aab6f..d876aae576 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -10,7 +10,7 @@ - Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Program Listing for File torch_tensorrt.h — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 6a09a28ab3..e3b09e7175 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -10,7 +10,7 @@ - Struct Device — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Struct Device — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index c9780c508d..cb5d86fe0c 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -10,7 +10,7 @@ - Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Struct GraphInputs — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index 0cf2853ad2..0bceddb4cb 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -10,7 +10,7 @@ - Struct Input — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Struct Input — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 6a964304d3..4b2437ded3 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -10,7 +10,7 @@ - Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Struct CompileSpec — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index bcdce3e3bf..003ad4f806 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -10,7 +10,7 @@ - Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Torch-TensorRT C++ API — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 468277d98e..bf7fa033b1 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -10,7 +10,7 @@ - Full API — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Full API — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip b/docs/_downloads/6a6052d9668b2cb8332d349d328e21c1/_rendered_examples_jupyter.zip index 007b66374f03fbdce773a1e807d4b8f3856c2793..43f8e2dea23d245b909a249cbac1435da66c3118 100644 GIT binary patch delta 58 zcmZpyZ>;AD@MdNaVE}=qjT?C+MVOj4ZdMoZ7X{H3nqNTt$$566AnK@HG>B5Nj|Tw% CX%lY% delta 58 zcmZpyZ>;AD@MdNaVE}BWMVKz}ZdMoZ7X{H3nqNTt$$566AnK@HG>B5Nj|TwL CSrK;t diff --git a/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip b/docs/_downloads/798cda8f83bd9f5e2cc93f329a04332c/_rendered_examples_python.zip index 029adf8ff8e15b97749dc9182a7309a224a56059..4d1d417f7e0906bad09ede3456ed9c27f0e41322 100644 GIT binary patch delta 58 zcmbQ}Ink3Rz?+#xgaHJaHg4qk%Ei>QaWgZwI1h-H5zhqCliQVpK-6vJ2oPne5(5C~ C8xn2+ delta 58 zcmbQ}Ink3Rz?+#xgaHID@owb#%EfevcQZ4$I1h-H5zhqCliQVpK-6vJ2oPne5(5Ce C3lMey diff --git a/docs/_modules/index.html b/docs/_modules/index.html index b5f0793873..d72b2b8cf1 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -9,7 +9,7 @@ - Overview: module code — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Overview: module code — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index ce8dd318c9..8db1c2f2fa 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -9,7 +9,7 @@ - torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt._Device — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index b1144e2658..3bc62ff017 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -9,7 +9,7 @@ - torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt._Input — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 640c2d7c92..8983536777 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -9,7 +9,7 @@ - torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt._compile — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/_utils.html b/docs/_modules/torch_tensorrt/_utils.html index 4095de6b65..61821a5518 100644 --- a/docs/_modules/torch_tensorrt/_utils.html +++ b/docs/_modules/torch_tensorrt/_utils.html @@ -9,7 +9,7 @@ - torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt._utils — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 230c912313..efefd889fe 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.fx.fx2trt — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 35bf09dbc7..84787375e5 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.fx.input_tensor_spec — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/fx/lower.html b/docs/_modules/torch_tensorrt/fx/lower.html index 37414fc324..7af41b5788 100644 --- a/docs/_modules/torch_tensorrt/fx/lower.html +++ b/docs/_modules/torch_tensorrt/fx/lower.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.fx.lower — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index ee9afbfea7..954fdce0a0 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -9,7 +9,7 @@ - torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.fx.trt_module — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index b1fff5e607..68f14206ef 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -9,7 +9,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 89e929b064..4e99b2d200 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -9,7 +9,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 237737c3ba..2164bf55e6 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.ts._compile_spec — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index ce9096bf52..9a43ac4130 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -9,7 +9,7 @@ - torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.ts._compiler — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/_static/documentation_options.js b/docs/_static/documentation_options.js index cc4dc5df22..c10c4b61c9 100644 --- a/docs/_static/documentation_options.js +++ b/docs/_static/documentation_options.js @@ -1,6 +1,6 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: 'v2.2.0.dev0+c61d97e', + VERSION: 'v2.2.0.dev0+d375d10', LANGUAGE: 'None', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index f214ec2629..dcc5baf340 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -10,7 +10,7 @@ - torchtrtc — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torchtrtc — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index 62cd2aa5a3..bfd44e88c7 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -10,7 +10,7 @@ - Conversion Phase — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Conversion Phase — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/fx_converters.html b/docs/contributors/fx_converters.html index 9dc0b9efd5..d1863081c2 100644 --- a/docs/contributors/fx_converters.html +++ b/docs/contributors/fx_converters.html @@ -10,7 +10,7 @@ - Dynamo Converters — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Dynamo Converters — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index b5229d65fa..3420c01f53 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -10,7 +10,7 @@ - Lowering Phase — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Lowering Phase — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index f1f07a8af2..893a7de544 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -10,7 +10,7 @@ - Partitioning Phase — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Partitioning Phase — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 5128090fe5..b549627938 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -10,7 +10,7 @@ - Compiler Phases — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Compiler Phases — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index cbf17a745f..3af5ed66d6 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -10,7 +10,7 @@ - Runtime Phase — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Runtime Phase — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index 9c53f46e00..517f5fba58 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -10,7 +10,7 @@ - System Overview — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + System Overview — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 3482112db5..6b581e921e 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -10,7 +10,7 @@ - Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Useful Links for Torch-TensorRT Development — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 0f05862b88..5b311d7e85 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -10,7 +10,7 @@ - Writing Converters — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Writing Converters — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/contributors/writing_dynamo_aten_lowering_passes.html b/docs/contributors/writing_dynamo_aten_lowering_passes.html index f3755618b7..94f1f6561d 100644 --- a/docs/contributors/writing_dynamo_aten_lowering_passes.html +++ b/docs/contributors/writing_dynamo_aten_lowering_passes.html @@ -10,7 +10,7 @@ - Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Writing Dynamo ATen Lowering Passes — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/genindex.html b/docs/genindex.html index ad2f0186c9..b5b55e2899 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -9,7 +9,7 @@ - Index — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Index — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -222,7 +222,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index e52c09f1bb..09bbc604e5 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Using Torch-TensorRT in C++ — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index f12a3b327f..fdd68ad424 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Using Torch-TensorRT in Python — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/getting_started/getting_started_with_windows.html b/docs/getting_started/getting_started_with_windows.html index c22185f3e1..0d6d98cc07 100644 --- a/docs/getting_started/getting_started_with_windows.html +++ b/docs/getting_started/getting_started_with_windows.html @@ -10,7 +10,7 @@ - Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Building Torch-TensorRT on Windows — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 2478a03b6e..0dc9d5194c 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Installation — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/index.html b/docs/index.html index 18061f66c5..200da10ec7 100644 --- a/docs/index.html +++ b/docs/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index 1b2a242859..b79952f615 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -10,7 +10,7 @@ - Operators Supported — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Operators Supported — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -224,7 +224,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/objects.inv b/docs/objects.inv index 008f761e2ab3e97f6e2b07f85e1aad85c82b1a4a..cf7057e9297a50f608f0958509f02a2307f61dfd 100644 GIT binary patch delta 20 ccmZ2^g>mH-#tDAxDaPieDTW3cL$72409H>2?EnA( delta 20 ccmZ2^g>mH-#tDAx$!3NrmgcD&L$72409T|4C;$Ke diff --git a/docs/py-modindex.html b/docs/py-modindex.html index 06c2b364b5..d0bcaf8927 100644 --- a/docs/py-modindex.html +++ b/docs/py-modindex.html @@ -9,7 +9,7 @@ - Python Module Index — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Python Module Index — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index fcb4a507f2..a342e7d857 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -10,7 +10,7 @@ - torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.fx — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index dbbeb139b6..4b11e569dc 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -10,7 +10,7 @@ - torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.logging — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index ea0ec7f7a1..a548be7048 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -10,7 +10,7 @@ - torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.ptq — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index 5ec175cdcd..a6e4aa7815 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -10,7 +10,7 @@ - torch_tensorrt — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index 78e7c9cb40..20b0d7fb67 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -10,7 +10,7 @@ - torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + torch_tensorrt.ts — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    @@ -612,7 +612,7 @@

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

    3.4.4.

    3.4.5. Code Blocks

    # parsed-literal test
    -curl -O http://someurl/release-v2.2.0.dev0+c61d97e.tar-gz
    +curl -O http://someurl/release-v2.2.0.dev0+d375d10.tar-gz

    Code Blocks can have captions.
    {
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    index d74338af1c..ecca6d5fbc 100644
    --- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    +++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
    @@ -10,7 +10,7 @@
     
       
       
    -  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+c61d97e documentation
    +  4. Lists & Tables — Torch-TensorRT v2.2.0.dev0+d375d10 documentation
       
     
       
    @@ -223,7 +223,7 @@
                   
                   
                     
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index 3021b0d4fe..81ccd49844 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -10,7 +10,7 @@ - 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + 1. Long Sticky Nav — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 60d8e12da6..9fa31c0236 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -10,7 +10,7 @@ - 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + 1. Structural Elements — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index a6703bbb62..d3d61edf8b 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -10,7 +10,7 @@ - <no title> — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + <no title> — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index e521005509..9639169812 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -10,7 +10,7 @@ - Installation — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Installation — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/tutorials/_rendered_examples/dynamo/index.html b/docs/tutorials/_rendered_examples/dynamo/index.html index 114260535d..c1e942cc61 100644 --- a/docs/tutorials/_rendered_examples/dynamo/index.html +++ b/docs/tutorials/_rendered_examples/dynamo/index.html @@ -10,7 +10,7 @@ - Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Dynamo / torch.compile — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html index 302bdd7bb5..5a74b37c20 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_advanced_usage.html @@ -10,7 +10,7 @@ - Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Torch Compile Advanced Usage — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html index 3584d415dc..b98bcab7a5 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_resnet_example.html @@ -10,7 +10,7 @@ - Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Compiling ResNet using the Torch-TensorRT torch.compile Backend — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html index 570105ad39..c2271caae4 100644 --- a/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html +++ b/docs/tutorials/_rendered_examples/dynamo/torch_compile_transformers_example.html @@ -10,7 +10,7 @@ - Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Compiling a Transformer using torch.compile and TensorRT — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/tutorials/_rendered_examples/index.html b/docs/tutorials/_rendered_examples/index.html index 131fea9562..322f219ed2 100644 --- a/docs/tutorials/_rendered_examples/index.html +++ b/docs/tutorials/_rendered_examples/index.html @@ -10,7 +10,7 @@ - Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Torch-TensorRT Tutorials — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -223,7 +223,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 63d8b1d3cb..8f833e5b67 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -10,7 +10,7 @@ - Example notebooks — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Example notebooks — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index bbdf3f4972..d2e76dadd0 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -10,7 +10,7 @@ - Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Serving a Torch-TensorRT model with Triton — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/user_guide/creating_torchscript_module_in_python.html b/docs/user_guide/creating_torchscript_module_in_python.html index 67f837b479..b061458fdc 100644 --- a/docs/user_guide/creating_torchscript_module_in_python.html +++ b/docs/user_guide/creating_torchscript_module_in_python.html @@ -10,7 +10,7 @@ - Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Creating a TorchScript Module — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/user_guide/dynamic_shapes.html b/docs/user_guide/dynamic_shapes.html index 7f8d8f8318..db97a14dff 100644 --- a/docs/user_guide/dynamic_shapes.html +++ b/docs/user_guide/dynamic_shapes.html @@ -10,7 +10,7 @@ - Dynamic shapes with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Dynamic shapes with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/user_guide/getting_started_with_fx_path.html b/docs/user_guide/getting_started_with_fx_path.html index 9fe0989f05..0fd21c0f5e 100644 --- a/docs/user_guide/getting_started_with_fx_path.html +++ b/docs/user_guide/getting_started_with_fx_path.html @@ -10,7 +10,7 @@ - Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Torch-TensorRT (FX Frontend) User Guide — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/user_guide/ptq.html b/docs/user_guide/ptq.html index c17814174d..e3bf2f87f1 100644 --- a/docs/user_guide/ptq.html +++ b/docs/user_guide/ptq.html @@ -10,7 +10,7 @@ - Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Post Training Quantization (PTQ) — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/user_guide/runtime.html b/docs/user_guide/runtime.html index 56aaa6af04..6edfbbbad7 100644 --- a/docs/user_guide/runtime.html +++ b/docs/user_guide/runtime.html @@ -10,7 +10,7 @@ - Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Deploying Torch-TensorRT Programs — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/user_guide/saving_models.html b/docs/user_guide/saving_models.html index 2a0aaa320b..0c75a43681 100644 --- a/docs/user_guide/saving_models.html +++ b/docs/user_guide/saving_models.html @@ -10,7 +10,7 @@ - Saving models compiled with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Saving models compiled with Torch-TensorRT — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/user_guide/use_from_pytorch.html b/docs/user_guide/use_from_pytorch.html index 01821ed6d9..aba617c02f 100644 --- a/docs/user_guide/use_from_pytorch.html +++ b/docs/user_guide/use_from_pytorch.html @@ -10,7 +10,7 @@ - Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + Using Torch-TensorRT Directly From PyTorch — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    diff --git a/docs/user_guide/using_dla.html b/docs/user_guide/using_dla.html index fc274f428a..627a9b6d89 100644 --- a/docs/user_guide/using_dla.html +++ b/docs/user_guide/using_dla.html @@ -10,7 +10,7 @@ - DLA — Torch-TensorRT v2.2.0.dev0+c61d97e documentation + DLA — Torch-TensorRT v2.2.0.dev0+d375d10 documentation @@ -225,7 +225,7 @@
    - v2.2.0.dev0+c61d97e + v2.2.0.dev0+d375d10
    From 80bbd8b929e75fc2a7cc073276753dc6563580b6 Mon Sep 17 00:00:00 2001 From: "Zewen (Evan) Li" Date: Fri, 6 Oct 2023 15:54:32 -0700 Subject: [PATCH 47/62] feat: support prod, max, min, and mean via reduce layer (#2355) --- .../dynamo/conversion/aten_ops_converters.py | 102 +++++++++++++- .../dynamo/conversion/impl/reduce.py | 128 +++++++++++++++++- tests/py/dynamo/conversion/test_amax_aten.py | 2 + tests/py/dynamo/conversion/test_max_aten.py | 59 ++++++-- .../py/dynamo/conversion/test_maximum_aten.py | 31 +++++ tests/py/dynamo/conversion/test_min_aten.py | 58 ++++++-- .../py/dynamo/conversion/test_minimum_aten.py | 31 +++++ tests/py/dynamo/conversion/test_prod_aten.py | 73 ++++++++++ tests/py/dynamo/conversion/test_sum_aten.py | 4 +- 9 files changed, 460 insertions(+), 28 deletions(-) create mode 100644 tests/py/dynamo/conversion/test_maximum_aten.py create mode 100644 tests/py/dynamo/conversion/test_minimum_aten.py create mode 100644 tests/py/dynamo/conversion/test_prod_aten.py diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index 1aa1a34ba4..7882a1be5d 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -1,4 +1,5 @@ import logging +import operator from typing import Any, Callable, Dict, Optional, Sequence, Tuple, Union import numpy as np @@ -155,12 +156,12 @@ def aten_ops_sigmoid( ) -@dynamo_tensorrt_converter(torch.ops.aten.index.Tensor) +@dynamo_tensorrt_converter(torch.ops.aten.index.Tensor) # type: ignore[misc] @enforce_tensor_types( { 0: (TRTTensor,), } -) +) # type: ignore[misc] def aten_ops_index( ctx: ConversionContext, target: Target, @@ -685,7 +686,7 @@ def aten_ops_amax( SourceIR.ATEN, name, args[0], - args[1], + args_bounds_check(args, 1, replacement=[]), args_bounds_check(args, 2, replacement=False), ) @@ -724,6 +725,97 @@ def aten_ops_sum( return sum_ +@dynamo_tensorrt_converter(torch.ops.aten.prod.default) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.prod.dim_int) # type: ignore[misc] +def aten_ops_prod( + ctx: ConversionContext, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.reduce.prod( + ctx, + target, + SourceIR.ATEN, + name, + args[0], + args_bounds_check(args, 1, replacement=None), + args_bounds_check(args, 2, replacement=False), + ) + + +def one_user_validator(node: Node) -> bool: + # Validate only one user, which is a getitem node that accesses the first element in the list + return ( + len(node.users) == 1 + and list(node.users)[0].target == operator.getitem + and list(node.users)[0].args[1] == 0 + ) + + +@dynamo_tensorrt_converter(torch.ops.aten.max.default) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.max.dim, capability_validator=one_user_validator) # type: ignore[misc] +def aten_ops_max( + ctx: ConversionContext, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.reduce.max( + ctx, + target, + SourceIR.ATEN, + name, + args[0], + dim=args_bounds_check(args, 1, replacement=None), + keepdim=args_bounds_check(args, 2, replacement=False), + return_indices=(target == torch.ops.aten.max.dim), + ) + + +@dynamo_tensorrt_converter(torch.ops.aten.min.default) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.min.dim, capability_validator=one_user_validator) # type: ignore[misc] +def aten_ops_min( + ctx: ConversionContext, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.reduce.min( + ctx, + target, + SourceIR.ATEN, + name, + args[0], + dim=args_bounds_check(args, 1, replacement=None), + keepdim=args_bounds_check(args, 2, replacement=False), + return_indices=(target == torch.ops.aten.min.dim), + ) + + +@dynamo_tensorrt_converter(torch.ops.aten.mean.default) # type: ignore[misc] +@dynamo_tensorrt_converter(torch.ops.aten.mean.dim) # type: ignore[misc] +def aten_ops_mean( + ctx: ConversionContext, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.reduce.mean( + ctx, + target, + SourceIR.ATEN, + name, + args[0], + args_bounds_check(args, 1, replacement=None), + args_bounds_check(args, 2, replacement=False), + ) + + @dynamo_tensorrt_converter(torch.ops.aten.exp.default) # type: ignore[misc] def aten_ops_exp( ctx: ConversionContext, @@ -1150,7 +1242,7 @@ def aten_ops_mul( @dynamo_tensorrt_converter(torch.ops.aten.maximum.default) # type: ignore[misc] -def aten_ops_max( +def aten_ops_maximum( ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], @@ -1168,7 +1260,7 @@ def aten_ops_max( @dynamo_tensorrt_converter(torch.ops.aten.minimum.default) # type: ignore[misc] -def aten_ops_min( +def aten_ops_minimum( ctx: ConversionContext, target: Target, args: Tuple[Argument, ...], diff --git a/py/torch_tensorrt/dynamo/conversion/impl/reduce.py b/py/torch_tensorrt/dynamo/conversion/impl/reduce.py index eb02657d08..692a52b0df 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/reduce.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/reduce.py @@ -1,4 +1,4 @@ -from typing import Optional, Sequence, Union +from typing import Optional, Sequence, Tuple, Union import tensorrt as trt from torch.fx.node import Target @@ -27,6 +27,9 @@ def amax( ): input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) + if dim is None or (isinstance(dim, (tuple, list)) and len(dim) == 0): + dim = tuple(range(len(input_val.shape))) + layer = ctx.net.add_reduce( input_val, trt.ReduceOperation.MAX, @@ -43,8 +46,8 @@ def sum( source_ir: Optional[SourceIR], name: str, input_val: TRTTensor, - dim: Optional[Union[int, Sequence[int]]] = None, - keepdim: bool = False, + dim: Optional[Union[int, Sequence[int]]], + keepdim: bool, ) -> TRTTensor: if (isinstance(input_val, TRTTensor)) and ( input_val.dtype == trt.int8 or input_val.dtype == trt.int32 @@ -53,6 +56,7 @@ def sum( if dim is None or (isinstance(dim, (tuple, list)) and len(dim) == 0): dim = tuple(range(len(input_val.shape))) + layer = ctx.net.add_reduce( input_val, trt.ReduceOperation.SUM, @@ -61,3 +65,121 @@ def sum( ) set_layer_name(layer, target, name, source_ir) return layer.get_output(0) + + +def prod( + ctx: ConversionContext, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input_val: TRTTensor, + dim: Optional[Union[int, Sequence[int]]], + keepdim: bool, +) -> TRTTensor: + if (isinstance(input_val, TRTTensor)) and ( + input_val.dtype == trt.int8 or input_val.dtype == trt.int32 + ): + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) + + if dim is None: + dim = tuple(range(len(input_val.shape))) + + layer = ctx.net.add_reduce( + input_val, + trt.ReduceOperation.PROD, + axes=get_axes_for_reduce_op(get_positive_dim(dim, len(input_val.shape))), + keep_dims=keepdim, + ) + set_layer_name(layer, target, name, source_ir) + return layer.get_output(0) + + +def max( + ctx: ConversionContext, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input_val: TRTTensor, + dim: Optional[Union[int, Sequence[int]]], + keepdim: bool, + return_indices: bool, +) -> Union[TRTTensor, Tuple[TRTTensor, TRTTensor]]: + if (isinstance(input_val, TRTTensor)) and ( + input_val.dtype == trt.int8 or input_val.dtype == trt.int32 + ): + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) + + if dim is None: + dim = tuple(range(len(input_val.shape))) + + layer = ctx.net.add_reduce( + input_val, + trt.ReduceOperation.MAX, + axes=get_axes_for_reduce_op(get_positive_dim(dim, len(input_val.shape))), + keep_dims=keepdim, + ) + set_layer_name(layer, target, name, source_ir) + + if return_indices: + return layer.get_output(0), None + + return layer.get_output(0) + + +def min( + ctx: ConversionContext, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input_val: TRTTensor, + dim: Optional[Union[int, Sequence[int]]], + keepdim: bool, + return_indices: bool, +) -> Union[TRTTensor, Tuple[TRTTensor, TRTTensor]]: + if (isinstance(input_val, TRTTensor)) and ( + input_val.dtype == trt.int8 or input_val.dtype == trt.int32 + ): + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) + + if dim is None: + dim = tuple(range(len(input_val.shape))) + + layer = ctx.net.add_reduce( + input_val, + trt.ReduceOperation.MIN, + axes=get_axes_for_reduce_op(get_positive_dim(dim, len(input_val.shape))), + keep_dims=keepdim, + ) + set_layer_name(layer, target, name, source_ir) + + if return_indices: + return layer.get_output(0), None + + return layer.get_output(0) + + +def mean( + ctx: ConversionContext, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input_val: TRTTensor, + dim: Optional[Union[int, Sequence[int]]], + keepdim: bool, +) -> TRTTensor: + if (isinstance(input_val, TRTTensor)) and ( + input_val.dtype == trt.int8 or input_val.dtype == trt.int32 + ): + input_val = cast_trt_tensor(ctx, input_val, trt.float32, name) + + if dim is None or (isinstance(dim, (tuple, list)) and len(dim) == 0): + dim = tuple(range(len(input_val.shape))) + + layer = ctx.net.add_reduce( + input_val, + trt.ReduceOperation.AVG, + axes=get_axes_for_reduce_op(get_positive_dim(dim, len(input_val.shape))), + keep_dims=keepdim, + ) + set_layer_name(layer, target, name, source_ir) + return layer.get_output(0) diff --git a/tests/py/dynamo/conversion/test_amax_aten.py b/tests/py/dynamo/conversion/test_amax_aten.py index 9ac95dfdd0..bdb0db5779 100644 --- a/tests/py/dynamo/conversion/test_amax_aten.py +++ b/tests/py/dynamo/conversion/test_amax_aten.py @@ -29,6 +29,7 @@ def forward(self, x): @parameterized.expand( [ + ((1, 2, 4), [], True), ((3, 2, 4), [1], True), ((2, 1, 4, 5), [0, 3], True), ((2, 3, 4, 5), [0, 1, 2, 3], False), @@ -69,6 +70,7 @@ def forward(self, x): @parameterized.expand( [ + ((1, 2, 4), [], True, torch.int, 0, 5), ((3, 2, 4), [1], True, torch.int, 0, 5), ((2, 1, 4, 5), [0, 3], True, torch.int, -10, 10), ((2, 3, 4, 5), [0, 1, 2, 3], False, torch.int32, -5, 0), diff --git a/tests/py/dynamo/conversion/test_max_aten.py b/tests/py/dynamo/conversion/test_max_aten.py index d2247f61dd..7839bc4113 100644 --- a/tests/py/dynamo/conversion/test_max_aten.py +++ b/tests/py/dynamo/conversion/test_max_aten.py @@ -2,7 +2,6 @@ import torch.nn as nn from parameterized import parameterized from torch.testing._internal.common_utils import run_tests -from torch_tensorrt import Input from .harness import DispatchTestCase @@ -10,20 +9,60 @@ class TestMaxConverter(DispatchTestCase): @parameterized.expand( [ - ("2d", (2, 1)), - ("3d", (2, 1, 2)), + ((1, 2),), + ((3, 2, 4),), + ((2, 3, 4, 5),), + ((6, 7, 5, 4, 5),), ] ) - def test_max(self, _, shape): - class max(nn.Module): - def forward(self, lhs_val, rhs_val): - return torch.ops.aten.maximum.default(lhs_val, rhs_val) + def test_max_dim_int_default(self, input_shape): + class Max(nn.Module): + def forward(self, x): + return torch.ops.aten.max.default(x) - inputs = [torch.randn(shape), torch.randn(shape)] + inputs = [torch.randn(*input_shape)] self.run_test( - max(), + Max(), inputs, - # expected_ops={torch.ops.aten.maximum.default}, + ) + + @parameterized.expand( + [ + ((3, 2, 4), 1, True), + ((2, 3, 4, 5), 3, True), + ((6, 7, 5, 4, 5), 4, False), + ((1, 5, 2, 1), -3, False), + ((1, 5, 2, 3), -2, True), + ] + ) + def test_max_dim_int(self, input_shape, dim, keep_dims): + class Max(nn.Module): + def forward(self, x): + return torch.ops.aten.max.dim(x, dim, keep_dims)[0] + + inputs = [torch.randn(*input_shape)] + self.run_test( + Max(), + inputs, + ) + + @parameterized.expand( + [ + ((3, 2, 4), 1, True, torch.int, 0, 5), + ((2, 3, 4, 5), 2, False, torch.int32, -5, 0), + ((6, 7, 5, 4, 5), 4, False, torch.int32, -5, 5), + ] + ) + def test_max_dim_int_int(self, input_shape, dim, keep_dims, dtype, low, high): + class Max(nn.Module): + def forward(self, x): + return torch.ops.aten.max.dim(x, dim, keep_dims)[0] + + inputs = [torch.randint(low, high, input_shape, dtype=dtype)] + self.run_test( + Max(), + inputs, + check_dtype=False, ) diff --git a/tests/py/dynamo/conversion/test_maximum_aten.py b/tests/py/dynamo/conversion/test_maximum_aten.py new file mode 100644 index 0000000000..0ae49f7395 --- /dev/null +++ b/tests/py/dynamo/conversion/test_maximum_aten.py @@ -0,0 +1,31 @@ +import torch +import torch.nn as nn +from parameterized import parameterized +from torch.testing._internal.common_utils import run_tests +from torch_tensorrt import Input + +from .harness import DispatchTestCase + + +class TestMaximumConverter(DispatchTestCase): + @parameterized.expand( + [ + ("2d", (2, 1)), + ("3d", (2, 1, 2)), + ] + ) + def test_maximum(self, _, shape): + class Maximum(nn.Module): + def forward(self, lhs_val, rhs_val): + return torch.maximum(lhs_val, rhs_val) + + inputs = [torch.randn(shape), torch.randn(shape)] + self.run_test( + Maximum(), + inputs, + use_dynamo_tracer=True, + ) + + +if __name__ == "__main__": + run_tests() diff --git a/tests/py/dynamo/conversion/test_min_aten.py b/tests/py/dynamo/conversion/test_min_aten.py index 49853cb111..3d0cd29923 100644 --- a/tests/py/dynamo/conversion/test_min_aten.py +++ b/tests/py/dynamo/conversion/test_min_aten.py @@ -2,7 +2,6 @@ import torch.nn as nn from parameterized import parameterized from torch.testing._internal.common_utils import run_tests -from torch_tensorrt import Input from .harness import DispatchTestCase @@ -10,21 +9,62 @@ class TestMinConverter(DispatchTestCase): @parameterized.expand( [ - ("2d", (2, 1)), - ("3d", (2, 1, 2)), + ((1, 2),), + ((3, 2, 4),), + ((2, 3, 4, 5),), + ((6, 7, 5, 4, 5),), ] ) - def test_min(self, _, shape): - class min(nn.Module): - def forward(self, lhs_val, rhs_val): - return torch.ops.aten.minimum.default(lhs_val, rhs_val) + def test_min_dim_int_default(self, input_shape): + class Min(nn.Module): + def forward(self, x): + return torch.ops.aten.min.default(x) - inputs = [torch.randn(shape), torch.randn(shape)] + inputs = [torch.randn(*input_shape)] self.run_test( - min(), + Min(), inputs, ) + @parameterized.expand( + [ + ((3, 2, 4), 1, True), + ((2, 3, 4, 5), 3, True), + ((6, 7, 5, 4, 5), 4, False), + ((1, 5, 2, 1), -3, False), + ((1, 5, 2, 3), -2, True), + ] + ) + def test_min_dim_int(self, input_shape, dim, keep_dims): + class Min(nn.Module): + def forward(self, x): + return torch.ops.aten.min.dim(x, dim, keep_dims)[0] + + inputs = [torch.randn(*input_shape)] + self.run_test( + Min(), + inputs, + ) + + @parameterized.expand( + [ + ((3, 2, 4), 1, True, torch.int, 0, 5), + ((2, 3, 4, 5), 2, False, torch.int32, -5, 0), + ((6, 7, 5, 4, 5), 4, False, torch.int32, -5, 5), + ] + ) + def test_min_dim_int_int(self, input_shape, dim, keep_dims, dtype, low, high): + class Min(nn.Module): + def forward(self, x): + return torch.ops.aten.min.dim(x, dim, keep_dims)[0] + + inputs = [torch.randint(low, high, input_shape, dtype=dtype)] + self.run_test( + Min(), + inputs, + check_dtype=False, + ) + if __name__ == "__main__": run_tests() diff --git a/tests/py/dynamo/conversion/test_minimum_aten.py b/tests/py/dynamo/conversion/test_minimum_aten.py new file mode 100644 index 0000000000..4bb70681b1 --- /dev/null +++ b/tests/py/dynamo/conversion/test_minimum_aten.py @@ -0,0 +1,31 @@ +import torch +import torch.nn as nn +from parameterized import parameterized +from torch.testing._internal.common_utils import run_tests +from torch_tensorrt import Input + +from .harness import DispatchTestCase + + +class TestMinimumConverter(DispatchTestCase): + @parameterized.expand( + [ + ("2d", (2, 1)), + ("3d", (2, 1, 2)), + ] + ) + def test_minimum(self, _, shape): + class Minimum(nn.Module): + def forward(self, lhs_val, rhs_val): + return torch.minimum(lhs_val, rhs_val) + + inputs = [torch.randn(shape), torch.randn(shape)] + self.run_test( + Minimum(), + inputs, + use_dynamo_tracer=True, + ) + + +if __name__ == "__main__": + run_tests() diff --git a/tests/py/dynamo/conversion/test_prod_aten.py b/tests/py/dynamo/conversion/test_prod_aten.py new file mode 100644 index 0000000000..3fbb602098 --- /dev/null +++ b/tests/py/dynamo/conversion/test_prod_aten.py @@ -0,0 +1,73 @@ +import torch +import torch.nn as nn +from parameterized import parameterized +from torch.testing._internal.common_utils import run_tests + +from .harness import DispatchTestCase + + +class TestProdConverter(DispatchTestCase): + @parameterized.expand( + [ + ((1, 2),), + ((3, 2, 4),), + ((2, 3, 4, 5),), + ((6, 7, 5, 4, 5),), + ] + ) + def test_prod_dim_int_default(self, input_shape): + class Prod(nn.Module): + def forward(self, x): + return torch.prod(x) + + inputs = [torch.randn(input_shape)] + self.run_test( + Prod(), + inputs, + use_dynamo_tracer=True, + ) + + @parameterized.expand( + [ + ((3, 2, 4), 1, True), + ((2, 3, 4, 5), 3, True), + ((6, 7, 5, 4, 5), 4, False), + ((1, 5, 2, 1), -3, False), + ((1, 5, 2, 3), -2, True), + ] + ) + def test_prod_dim_int(self, input_shape, dim, keep_dims): + class Prod(nn.Module): + def forward(self, x): + return torch.prod(x, dim, keep_dims) + + inputs = [torch.randn(input_shape)] + self.run_test( + Prod(), + inputs, + use_dynamo_tracer=True, + ) + + @parameterized.expand( + [ + ((3, 2, 4), 1, True, torch.int, 0, 5), + ((2, 3, 4, 5), 2, False, torch.int32, -5, 0), + ((6, 7, 5, 4, 5), 4, False, torch.int32, -5, 5), + ] + ) + def test_prod_dim_int_int(self, input_shape, dim, keep_dims, dtype, low, high): + class Prod(nn.Module): + def forward(self, x): + return torch.prod(x, dim, keep_dims) + + inputs = [torch.randint(low, high, input_shape, dtype=dtype)] + self.run_test( + Prod(), + inputs, + check_dtype=False, + use_dynamo_tracer=True, + ) + + +if __name__ == "__main__": + run_tests() diff --git a/tests/py/dynamo/conversion/test_sum_aten.py b/tests/py/dynamo/conversion/test_sum_aten.py index c69e7707b7..b327f6ac18 100644 --- a/tests/py/dynamo/conversion/test_sum_aten.py +++ b/tests/py/dynamo/conversion/test_sum_aten.py @@ -9,9 +9,9 @@ class TestSumConverter(DispatchTestCase): @parameterized.expand( [ + ((1, 2),), ((3, 2, 4),), ((2, 3, 4, 5),), - ((2, 3, 4, 5),), ((6, 7, 5, 4, 5),), ] ) @@ -49,6 +49,7 @@ def forward(self, x): @parameterized.expand( [ + ((1, 2, 4), [], True), ((3, 2, 4), [1], True), ((2, 1, 4, 5), None, True), ((2, 3, 4, 5), [0, 1, 2, 3], False), @@ -89,6 +90,7 @@ def forward(self, x): @parameterized.expand( [ + ((1, 2, 4), [], True, torch.int, 0, 5), ((3, 2, 4), [1], True, torch.int, 0, 5), ((2, 1, 4, 5), [0, 3], True, torch.int, -10, 10), ((2, 3, 4, 5), None, False, torch.int32, -5, 0), From 18dcdd039e173642664cefcecc6c7757e80b4624 Mon Sep 17 00:00:00 2001 From: George S <113141689+gs-olive@users.noreply.github.com> Date: Fri, 6 Oct 2023 16:18:42 -0700 Subject: [PATCH 48/62] minor fix: Update `get_ir` prefixes (#2369) --- py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index 7882a1be5d..70560fd91f 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -32,7 +32,7 @@ def get_ir(target: Target) -> SourceIR: target_module = getattr(target, "__module__", "None") if any( target_module.startswith(prefix) - for prefix in ("torch.ops.prims", "torch._ops.prims") + for prefix in ("torch.ops.aten", "torch._ops.aten") ): return SourceIR.ATEN elif any( From 83176fedfdc7359b20ec990c44a91a58a22846c4 Mon Sep 17 00:00:00 2001 From: Apurba Bose <44209735+apbose@users.noreply.github.com> Date: Fri, 6 Oct 2023 16:19:13 -0700 Subject: [PATCH 49/62] Dynamo converter cat (#2343) --- .../dynamo/conversion/aten_ops_converters.py | 18 ++++++++++ .../dynamo/conversion/impl/__init__.py | 1 + .../dynamo/conversion/impl/cat.py | 34 +++++++++++++++++++ 3 files changed, 53 insertions(+) create mode 100644 py/torch_tensorrt/dynamo/conversion/impl/cat.py diff --git a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py index 70560fd91f..873f531b71 100644 --- a/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py +++ b/py/torch_tensorrt/dynamo/conversion/aten_ops_converters.py @@ -70,6 +70,24 @@ def aten_ops_batch_norm( ) +@dynamo_tensorrt_converter(torch.ops.aten.cat.default) +def aten_ops_cat( + ctx: ConversionContext, + target: Target, + args: Tuple[Argument, ...], + kwargs: Dict[str, Argument], + name: str, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + return impl.cat.cat( + ctx, + target, + SourceIR.ATEN, + name, + input=args[0], + dim=args_bounds_check(args, 1, 0), + ) + + def embedding_param_validator(embedding_node: Node) -> bool: scale_grad_by_freq = args_bounds_check(embedding_node.args, 3) sparse = args_bounds_check(embedding_node.args, 4) diff --git a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py index 9e83c6657e..433ce88b46 100644 --- a/py/torch_tensorrt/dynamo/conversion/impl/__init__.py +++ b/py/torch_tensorrt/dynamo/conversion/impl/__init__.py @@ -4,6 +4,7 @@ activation, attention, cast, + cat, condition, conv, deconv, diff --git a/py/torch_tensorrt/dynamo/conversion/impl/cat.py b/py/torch_tensorrt/dynamo/conversion/impl/cat.py new file mode 100644 index 0000000000..24149d01b0 --- /dev/null +++ b/py/torch_tensorrt/dynamo/conversion/impl/cat.py @@ -0,0 +1,34 @@ +from typing import Dict, Optional, Sequence, Union + +import numpy as np +import torch +from torch.fx.node import Target +from torch_tensorrt.dynamo._SourceIR import SourceIR +from torch_tensorrt.dynamo.conversion._ConversionContext import ConversionContext +from torch_tensorrt.dynamo.conversion.converter_utils import ( + SourceIR, + get_positive_dim, + get_trt_tensor, +) +from torch_tensorrt.fx.converters.converter_utils import set_layer_name +from torch_tensorrt.fx.types import TRTNetwork, TRTTensor + + +def cat( + ctx: ConversionContext, + target: Target, + source_ir: Optional[SourceIR], + name: str, + input: Sequence[Union[TRTTensor, torch.Tensor, np.ndarray]], + dim: int, +) -> Union[TRTTensor, Sequence[TRTTensor]]: + trt_inputs = [] + for each_input in input: + if not isinstance(each_input, TRTTensor): + each_input = get_trt_tensor(ctx, each_input, name + "_tensor_{i}") + trt_inputs.append(each_input) + concat_layer = ctx.net.add_concatenation(trt_inputs) + dim = get_positive_dim(dim, len(input[0].shape)) + concat_layer.axis = dim + set_layer_name(concat_layer, target, name + "_gather", source_ir) + return concat_layer.get_output(0) From 4ceb796274847ee1fbefd96db8646d5f655d6e65 Mon Sep 17 00:00:00 2001 From: tinyinl Date: Sat, 7 Oct 2023 01:05:49 +0000 Subject: [PATCH 50/62] update fix --- py/torch_tensorrt/dynamo/conversion/converter_utils.py | 7 +++++++ py/torch_tensorrt/fx/converters/converter_utils.py | 2 +- 2 files changed, 8 insertions(+), 1 deletion(-) diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index 1d8dfecf3b..70a882a911 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -105,6 +105,13 @@ def cast_trt_tensor( identity_layer = network.add_identity(input_val) identity_layer.set_output_type(0, trt_dtype) identity_layer.name = f"Cast ITensor {input_val.name} from {input_val.dtype} to {trt_dtype} - [{target_name}]-[{name}]" + identity_layer.metadata = f"[{identity_layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{identity_layer.num_outputs}]" + + for i in range(identity_layer.num_outputs): + output = identity_layer.get_output(i) + output.name = f"[{output.name}]" + + return identity_layer.get_output(0) else: return input_val diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index b12cb4146b..7b582aa537 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -123,7 +123,7 @@ def set_layer_name( else f"{source_ir}_ops.{target.__name__}" ) layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" - layer.metadata += f"[#_of_outputs_{layer.num_outputs}]" + layer.metadata = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" for i in range(layer.num_outputs): output = layer.get_output(i) From 3d1be7e44b8ec34edbadab7d6ec9d856f84fac91 Mon Sep 17 00:00:00 2001 From: tinyinl Date: Mon, 9 Oct 2023 20:18:01 +0000 Subject: [PATCH 51/62] format --- py/torch_tensorrt/dynamo/conversion/converter_utils.py | 1 - py/torch_tensorrt/fx/converters/converter_utils.py | 1 - 2 files changed, 2 deletions(-) diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index 70a882a911..6cc695435a 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -111,7 +111,6 @@ def cast_trt_tensor( output = identity_layer.get_output(i) output.name = f"[{output.name}]" - return identity_layer.get_output(0) else: return input_val diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 7b582aa537..d0917db608 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -130,7 +130,6 @@ def set_layer_name( output.name = f"[{output.name}]" - def extend_attr_to_tuple( val: Any, num_elem: int, From 2153cb999b476600f66c4be4c389aee0bc78dbac Mon Sep 17 00:00:00 2001 From: tinyinl Date: Tue, 19 Sep 2023 00:55:25 +0000 Subject: [PATCH 52/62] set layer name --- py/torch_tensorrt/fx/converters/converter_utils.py | 7 ++++++- 1 file changed, 6 insertions(+), 1 deletion(-) diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 49bf401f58..1b02905753 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -122,7 +122,12 @@ def set_layer_name( if isinstance(target, str) else f"{source_ir}_ops.{target.__name__}" ) - layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" + layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" + + for i in range(layer.num_outputs): + output = layer.get_output(i) + layer.name.append(f"-[{output.name}]") + def extend_attr_to_tuple( From 3a0513a6b1b0e512680af92f6154b50b73f4b306 Mon Sep 17 00:00:00 2001 From: tinyinl Date: Wed, 4 Oct 2023 16:10:38 -0700 Subject: [PATCH 53/62] update naming --- py/torch_tensorrt/fx/converters/converter_utils.py | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 1b02905753..b12cb4146b 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -122,11 +122,12 @@ def set_layer_name( if isinstance(target, str) else f"{source_ir}_ops.{target.__name__}" ) - layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" + layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" + layer.metadata += f"[#_of_outputs_{layer.num_outputs}]" for i in range(layer.num_outputs): output = layer.get_output(i) - layer.name.append(f"-[{output.name}]") + output.name = f"[{output.name}]" From c499d9485ba4a5e3099be359428744f5dc482c2f Mon Sep 17 00:00:00 2001 From: tinyinl Date: Sat, 7 Oct 2023 01:05:49 +0000 Subject: [PATCH 54/62] update fix --- py/torch_tensorrt/dynamo/conversion/converter_utils.py | 7 +++++++ py/torch_tensorrt/fx/converters/converter_utils.py | 2 +- 2 files changed, 8 insertions(+), 1 deletion(-) diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index b382c5c329..6e1286a51c 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -152,6 +152,13 @@ def cast_trt_tensor( identity_layer = ctx.net.add_identity(input_val) identity_layer.set_output_type(0, trt_dtype) identity_layer.name = f"Cast ITensor {input_val.name} from {input_val.dtype} to {trt_dtype} - [{target_name}]-[{name}]" + identity_layer.metadata = f"[{identity_layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{identity_layer.num_outputs}]" + + for i in range(identity_layer.num_outputs): + output = identity_layer.get_output(i) + output.name = f"[{output.name}]" + + return identity_layer.get_output(0) else: return input_val diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index b12cb4146b..7b582aa537 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -123,7 +123,7 @@ def set_layer_name( else f"{source_ir}_ops.{target.__name__}" ) layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" - layer.metadata += f"[#_of_outputs_{layer.num_outputs}]" + layer.metadata = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" for i in range(layer.num_outputs): output = layer.get_output(i) From 910e01435c04c520b172af14b34fb56e8026345f Mon Sep 17 00:00:00 2001 From: tinyinl Date: Mon, 9 Oct 2023 20:18:01 +0000 Subject: [PATCH 55/62] format --- py/torch_tensorrt/dynamo/conversion/converter_utils.py | 1 - py/torch_tensorrt/fx/converters/converter_utils.py | 1 - 2 files changed, 2 deletions(-) diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index 6e1286a51c..1aa243c37a 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -158,7 +158,6 @@ def cast_trt_tensor( output = identity_layer.get_output(i) output.name = f"[{output.name}]" - return identity_layer.get_output(0) else: return input_val diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 7b582aa537..d0917db608 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -130,7 +130,6 @@ def set_layer_name( output.name = f"[{output.name}]" - def extend_attr_to_tuple( val: Any, num_elem: int, From f395f83b532fa67127b74f5baa8ce46cb34bb57d Mon Sep 17 00:00:00 2001 From: tinyinl Date: Tue, 19 Sep 2023 00:55:25 +0000 Subject: [PATCH 56/62] set layer name --- py/torch_tensorrt/fx/converters/converter_utils.py | 7 ++++++- 1 file changed, 6 insertions(+), 1 deletion(-) diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 49bf401f58..1b02905753 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -122,7 +122,12 @@ def set_layer_name( if isinstance(target, str) else f"{source_ir}_ops.{target.__name__}" ) - layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" + layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" + + for i in range(layer.num_outputs): + output = layer.get_output(i) + layer.name.append(f"-[{output.name}]") + def extend_attr_to_tuple( From 4b6b5f4845713ff792f895e0fa07ac1af69e980e Mon Sep 17 00:00:00 2001 From: tinyinl Date: Wed, 4 Oct 2023 16:10:38 -0700 Subject: [PATCH 57/62] update naming --- py/torch_tensorrt/fx/converters/converter_utils.py | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 1b02905753..b12cb4146b 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -122,11 +122,12 @@ def set_layer_name( if isinstance(target, str) else f"{source_ir}_ops.{target.__name__}" ) - layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" + layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" + layer.metadata += f"[#_of_outputs_{layer.num_outputs}]" for i in range(layer.num_outputs): output = layer.get_output(i) - layer.name.append(f"-[{output.name}]") + output.name = f"[{output.name}]" From e085f201fa85950853135ca9993fef483c8efe75 Mon Sep 17 00:00:00 2001 From: tinyinl Date: Sat, 7 Oct 2023 01:05:49 +0000 Subject: [PATCH 58/62] update fix --- py/torch_tensorrt/dynamo/conversion/converter_utils.py | 7 +++++++ py/torch_tensorrt/fx/converters/converter_utils.py | 2 +- 2 files changed, 8 insertions(+), 1 deletion(-) diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index b382c5c329..6e1286a51c 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -152,6 +152,13 @@ def cast_trt_tensor( identity_layer = ctx.net.add_identity(input_val) identity_layer.set_output_type(0, trt_dtype) identity_layer.name = f"Cast ITensor {input_val.name} from {input_val.dtype} to {trt_dtype} - [{target_name}]-[{name}]" + identity_layer.metadata = f"[{identity_layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{identity_layer.num_outputs}]" + + for i in range(identity_layer.num_outputs): + output = identity_layer.get_output(i) + output.name = f"[{output.name}]" + + return identity_layer.get_output(0) else: return input_val diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index b12cb4146b..7b582aa537 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -123,7 +123,7 @@ def set_layer_name( else f"{source_ir}_ops.{target.__name__}" ) layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" - layer.metadata += f"[#_of_outputs_{layer.num_outputs}]" + layer.metadata = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" for i in range(layer.num_outputs): output = layer.get_output(i) From 917e6ab88f6434d3ae639f219cac6ee64749cad5 Mon Sep 17 00:00:00 2001 From: tinyinl Date: Mon, 9 Oct 2023 20:18:01 +0000 Subject: [PATCH 59/62] format --- py/torch_tensorrt/dynamo/conversion/converter_utils.py | 1 - py/torch_tensorrt/fx/converters/converter_utils.py | 1 - 2 files changed, 2 deletions(-) diff --git a/py/torch_tensorrt/dynamo/conversion/converter_utils.py b/py/torch_tensorrt/dynamo/conversion/converter_utils.py index 6e1286a51c..1aa243c37a 100644 --- a/py/torch_tensorrt/dynamo/conversion/converter_utils.py +++ b/py/torch_tensorrt/dynamo/conversion/converter_utils.py @@ -158,7 +158,6 @@ def cast_trt_tensor( output = identity_layer.get_output(i) output.name = f"[{output.name}]" - return identity_layer.get_output(0) else: return input_val diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 7b582aa537..d0917db608 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -130,7 +130,6 @@ def set_layer_name( output.name = f"[{output.name}]" - def extend_attr_to_tuple( val: Any, num_elem: int, From 2359c0bf7a527fc9ecbfcce429abb57c4289b704 Mon Sep 17 00:00:00 2001 From: tinyinl Date: Tue, 19 Sep 2023 00:55:25 +0000 Subject: [PATCH 60/62] set layer name --- py/torch_tensorrt/fx/converters/converter_utils.py | 1 - 1 file changed, 1 deletion(-) diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index d0917db608..a3526895e3 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -129,7 +129,6 @@ def set_layer_name( output = layer.get_output(i) output.name = f"[{output.name}]" - def extend_attr_to_tuple( val: Any, num_elem: int, From db547b5fc0732b205654eabaca2837dde031f3a0 Mon Sep 17 00:00:00 2001 From: tinyinl Date: Wed, 4 Oct 2023 16:10:38 -0700 Subject: [PATCH 61/62] update naming --- py/torch_tensorrt/fx/converters/converter_utils.py | 9 +++++++++ 1 file changed, 9 insertions(+) diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index a3526895e3..01bb5c2660 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -123,11 +123,20 @@ def set_layer_name( else f"{source_ir}_ops.{target.__name__}" ) layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" +<<<<<<< HEAD layer.metadata = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" +======= + layer.metadata += f"[#_of_outputs_{layer.num_outputs}]" +>>>>>>> update naming for i in range(layer.num_outputs): output = layer.get_output(i) output.name = f"[{output.name}]" +<<<<<<< HEAD +======= + + +>>>>>>> update naming def extend_attr_to_tuple( val: Any, From 88e1c2c1c58d36a21f149a75aeb4bd802968a20e Mon Sep 17 00:00:00 2001 From: tinyinl Date: Sat, 7 Oct 2023 01:05:49 +0000 Subject: [PATCH 62/62] update fix --- py/torch_tensorrt/fx/converters/converter_utils.py | 9 --------- 1 file changed, 9 deletions(-) diff --git a/py/torch_tensorrt/fx/converters/converter_utils.py b/py/torch_tensorrt/fx/converters/converter_utils.py index 01bb5c2660..a3526895e3 100644 --- a/py/torch_tensorrt/fx/converters/converter_utils.py +++ b/py/torch_tensorrt/fx/converters/converter_utils.py @@ -123,20 +123,11 @@ def set_layer_name( else f"{source_ir}_ops.{target.__name__}" ) layer.name = f"[{layer.type.name}]-[{target_name}]-[{name}]" -<<<<<<< HEAD layer.metadata = f"[{layer.type.name}]-[{target_name}]-[{name}]-[#_of_outputs_{layer.num_outputs}]" -======= - layer.metadata += f"[#_of_outputs_{layer.num_outputs}]" ->>>>>>> update naming for i in range(layer.num_outputs): output = layer.get_output(i) output.name = f"[{output.name}]" -<<<<<<< HEAD -======= - - ->>>>>>> update naming def extend_attr_to_tuple( val: Any,