From 208896220d09e9bf57afa057887300665f92579a Mon Sep 17 00:00:00 2001 From: Nikita Malinin Date: Fri, 30 Aug 2024 14:11:04 +0200 Subject: [PATCH 1/5] Bump NNCF version (#2933) ### Changes - As stated in the title. ### Reason for changes - Release. ### Related tickets - 151121 ### Tests - N/A --- nncf/version.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/nncf/version.py b/nncf/version.py index c193ef76ddb..1042b553cde 100644 --- a/nncf/version.py +++ b/nncf/version.py @@ -9,7 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. -__version__ = "2.13.0" +__version__ = "2.14.0" BKC_TORCH_SPEC = "==2.4.*" From eb61347afd648627128cd2364d0e1ce168ca28b2 Mon Sep 17 00:00:00 2001 From: Nikita Savelyev Date: Fri, 30 Aug 2024 18:13:53 +0200 Subject: [PATCH 2/5] Fix torch compile applied to model forward (#2932) ### Changes Check whether model is compiled based on `"_torchdynamo_orig_callable"` property of the model forward. ### Reason for changes `torch.compile` can be applied not only to the model itself, but to `forward()` method only. For example: ``` model.forward = torch.compile(model.forward) ``` In this case the model itself doesn't change and it won't be an instance of `torch._dynamo.OptimizedModule`. ### Related tickets 143796 ### Tests Added test when `torch.compile` is applied this way. It does not fail without the fix though, because the issue is sporadic. ### Relates to #2665, #2719 --- nncf/torch/dynamic_graph/wrappers.py | 3 +-- tests/torch/pytorch_patch_isolated.py | 14 ++++++++++---- tests/torch/test_pytorch_patch.py | 5 ++++- 3 files changed, 15 insertions(+), 7 deletions(-) diff --git a/nncf/torch/dynamic_graph/wrappers.py b/nncf/torch/dynamic_graph/wrappers.py index efb8bdac12d..bf42ef2e030 100644 --- a/nncf/torch/dynamic_graph/wrappers.py +++ b/nncf/torch/dynamic_graph/wrappers.py @@ -13,7 +13,6 @@ from typing import Callable, List, Tuple import torch -from torch._dynamo import OptimizedModule from torch.nn import DataParallel from nncf.common.graph.definitions import MODEL_CONST_OP_NAME @@ -136,7 +135,7 @@ def wrapped(self, *args, **kwargs): from nncf.torch.dynamic_graph.patch_pytorch import unpatching_module_call # If called on a model compiled by torch dynamo, we unpatch torch operators and invoke original module call - if isinstance(self, OptimizedModule): + if "_torchdynamo_orig_callable" in self.forward.__dict__: return unpatching_module_call(self, *args, **kwargs) ctx = get_current_context() diff --git a/tests/torch/pytorch_patch_isolated.py b/tests/torch/pytorch_patch_isolated.py index c3f0044dd8b..a96ce75db60 100644 --- a/tests/torch/pytorch_patch_isolated.py +++ b/tests/torch/pytorch_patch_isolated.py @@ -79,7 +79,7 @@ def test_jit_script_exception_preserves_patching_isolated(): assert "nncf" in torch.nn.Module.__call__.__code__.co_filename -def compile_and_run_test_model() -> torch.Tensor: +def compile_and_run_test_model(compile_forward: bool) -> torch.Tensor: class TestModel(torch.nn.Module): def __init__(self): super().__init__() @@ -96,14 +96,20 @@ def forward(self, x): state_dict[k] = torch.rand(v.shape) model.load_state_dict(state_dict) - compiled_model = torch.compile(model) + if compile_forward: + compiled_model = model + compiled_model.forward = torch.compile(model.forward) + else: + compiled_model = torch.compile(model) + assert "_torchdynamo_orig_callable" in compiled_model.forward.__dict__ return compiled_model(torch.rand([1, 3, 5, 5])) @pytest.mark.skipif(ISOLATION_RUN_ENV_VAR not in os.environ, reason="Should be run via isolation proxy") def test_compile(): - before_nncf = compile_and_run_test_model() + compile_forward = os.environ.get("COMPILE_FORWARD", None) == "1" + before_nncf = compile_and_run_test_model(compile_forward) import nncf.torch # noqa: F401 - after_nncf = compile_and_run_test_model() + after_nncf = compile_and_run_test_model(compile_forward) assert torch.allclose(before_nncf, after_nncf) diff --git a/tests/torch/test_pytorch_patch.py b/tests/torch/test_pytorch_patch.py index d66241551f2..243c7283828 100644 --- a/tests/torch/test_pytorch_patch.py +++ b/tests/torch/test_pytorch_patch.py @@ -10,6 +10,7 @@ # limitations under the License. import inspect +import os from typing import List import pytest @@ -114,8 +115,10 @@ def test_jit_script_exception_preserves_patching(): @pytest.mark.xfail(is_windows(), reason="https://github.com/pytorch/pytorch/issues/122094") -def test_torch_compile(): +@pytest.mark.parametrize("compile_forward", [False, True]) +def test_torch_compile(compile_forward): # Run test case in a separate process to track patching of torch by NNCF + os.environ["COMPILE_FORWARD"] = f"{int(compile_forward)}" run_pytest_case_function_in_separate_process(test_compile) From aa37119605a8ca0720722d09773794e299a12af5 Mon Sep 17 00:00:00 2001 From: Daniil Lyakhov Date: Fri, 30 Aug 2024 18:16:58 +0200 Subject: [PATCH 3/5] [TorchFX] Bias correction implementation (#2882) ### Changes TorchFX bias correction implementation ### Reason for changes To improve accuracy of sensitive quantized models ### Related tickets #2766 ### Tests * test_bias_correction template is implemented for TorchFX * post_training_quantization/473/ is successful --- nncf/experimental/torch/fx/groups.py | 15 ++ .../torch/fx/model_transformer.py | 117 +++++++--- nncf/experimental/torch/fx/model_utils.py | 76 +++++++ nncf/experimental/torch/fx/node_utils.py | 37 +++ .../torch/fx/quantization/quantize_model.py | 2 - nncf/experimental/torch/fx/transformations.py | 103 ++++++++- .../algorithms/bias_correction/algorithm.py | 26 ++- .../algorithms/bias_correction/backend.py | 24 +- .../bias_correction/onnx_backend.py | 8 +- .../bias_correction/openvino_backend.py | 8 +- .../bias_correction/torch_fx_backend.py | 121 ++++++++++ .../fast_bias_correction/backend.py | 4 +- .../fast_bias_correction/torch_backend.py | 4 +- .../fast_bias_correction/torch_fx_backend.py | 43 +--- .../algorithms/min_max/torch_fx_backend.py | 12 +- nncf/torch/graph/operator_metatypes.py | 11 +- .../test_templates/test_bias_correction.py | 20 +- .../onnx/quantization/test_bias_correction.py | 5 - tests/openvino/native/test_bias_correction.py | 12 +- .../data/ptq_reference_data.yaml | 8 + tests/post_training/model_scope.py | 11 + ...ithAllConstantInputsModelconv2d_conv2d.dot | 11 + ...ionWithNotTensorBiasModelconv2d_conv2d.dot | 11 + ...iBranchesConnectedModelconv2d_1_add__1.dot | 15 ++ ...ltiBranchesConnectedModelconv2d_add__1.dot | 38 ++++ ...iBranchesConnectedModelconv2d_add__add.dot | 29 +++ ...nectedModelconv2d_conv2d_1_add__add__1.dot | 27 +++ ...iBranchesConnectedModelconv2d_conv2d_2.dot | 34 +++ .../output_insertion_conv2d_1_5_1_ref.dot | 41 ++++ .../output_insertion_conv2d_6_0_ref.dot | 41 ++++ .../output_insertion_conv2d_6_1_ref.dot | 41 ++++ .../output_insertion_conv2d_7_None_ref.dot | 41 ++++ tests/torch/fx/helpers.py | 17 ++ tests/torch/fx/test_bias_correction.py | 214 ++++++++++++++++++ tests/torch/fx/test_fast_bias_correction.py | 20 +- tests/torch/fx/test_model_transformer.py | 73 +++++- tests/torch/test_models/synthetic.py | 17 ++ 37 files changed, 1168 insertions(+), 169 deletions(-) create mode 100644 nncf/experimental/torch/fx/groups.py create mode 100644 nncf/experimental/torch/fx/model_utils.py create mode 100644 nncf/quantization/algorithms/bias_correction/torch_fx_backend.py create mode 100644 tests/torch/data/reference_graphs/fx/extracted/ConvolutionWithAllConstantInputsModelconv2d_conv2d.dot create mode 100644 tests/torch/data/reference_graphs/fx/extracted/ConvolutionWithNotTensorBiasModelconv2d_conv2d.dot create mode 100644 tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_1_add__1.dot create mode 100644 tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_add__1.dot create mode 100644 tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_add__add.dot create mode 100644 tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_conv2d_1_add__add__1.dot create mode 100644 tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_conv2d_2.dot create mode 100644 tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_1_5_1_ref.dot create mode 100644 tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_6_0_ref.dot create mode 100644 tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_6_1_ref.dot create mode 100644 tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_7_None_ref.dot create mode 100644 tests/torch/fx/test_bias_correction.py diff --git a/nncf/experimental/torch/fx/groups.py b/nncf/experimental/torch/fx/groups.py new file mode 100644 index 00000000000..eb4b32c63df --- /dev/null +++ b/nncf/experimental/torch/fx/groups.py @@ -0,0 +1,15 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import nncf.torch.graph.operator_metatypes as om +from nncf.torch.model_graph_manager import OPERATORS_WITH_BIAS_METATYPES + +FX_OPERATORS_WITH_BIAS_METATYPES = tuple(OPERATORS_WITH_BIAS_METATYPES) + (om.PTLinearMetatype,) diff --git a/nncf/experimental/torch/fx/model_transformer.py b/nncf/experimental/torch/fx/model_transformer.py index caf90dfac6d..21c4d40604b 100644 --- a/nncf/experimental/torch/fx/model_transformer.py +++ b/nncf/experimental/torch/fx/model_transformer.py @@ -10,11 +10,10 @@ # limitations under the License. from collections import defaultdict -from typing import List +from typing import List, Set import torch import torch.fx -from torch.fx.passes.split_utils import split_by_tags from nncf.common.graph.model_transformer import ModelTransformer from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand @@ -26,6 +25,8 @@ class FXModelTransformer(ModelTransformer): """ Applies transformations upon Torch FX model. + FXApplyTransformationCommands are made inplace, + PTModelExtractionCommands do not change the input model. """ def __init__(self, model: torch.fx.GraphModule): @@ -61,6 +62,31 @@ def transform(self, transformation_layout: PTTransformationLayout) -> torch.fx.G model.recompile() return model + @staticmethod + def _traverse_graph( + input_nodes: List[torch.fx.Node], + stop_nodes: Set[torch.fx.Node], + visited: Set[torch.fx.Node], + ) -> None: + """ + Traverses through the graph starting with the input nodes and + stopping for the stop nodes and the visited nodes. As the result, + it modifies the visited container with all nodes visited during the traverse. + + :param input_nodes: Given input nodes. + :param stop_nodes: Given stop nodes. + :param visited: Set of already visited nodes. + """ + + while input_nodes: + in_node = input_nodes.pop() + if in_node.name in visited or in_node.name in stop_nodes: + continue + + visited.add(in_node.name) + input_nodes.extend(in_node.all_input_nodes) + input_nodes.extend(list(in_node.users)) + @staticmethod def _apply_model_extraction( model: torch.fx.GraphModule, @@ -75,46 +101,63 @@ def _apply_model_extraction( more than one element this function raises an assert. :return: Returns a submodel extracted from the given model by the given transformation. """ + transformation = transformations[-1] - assert len(transformation.input_node_names) == 1 - assert transformation.input_node_names == transformation.output_node_names - node_name = transformation.input_node_names[0] + stop_nodes = set(transformation.input_node_names + transformation.output_node_names) + visited = set() + + for node_name in transformation.input_node_names: + node = get_graph_node_by_name(model.graph, node_name) + visited.add(node.name) + target_inputs = node.all_input_nodes[1:] + if node.name not in transformation.output_node_names: + target_inputs += list(node.users) + FXModelTransformer._traverse_graph(target_inputs, stop_nodes, visited) + + for node_name in transformation.output_node_names: + node = get_graph_node_by_name(model.graph, node_name) + visited.add(node.name) + if node.name not in transformation.input_node_names: + FXModelTransformer._traverse_graph(node.all_input_nodes, stop_nodes, visited) + + extracted_graph = torch.fx.Graph() + value_remap = {} + + def remap_fn(node: torch.fx.Node): + return value_remap.get(node) # noqa F821 - tags = ["before", "extracted", "after"] - i = 0 for node in model.graph.nodes: - if node.name == node_name: - node.tag = tags[1] - weights = [node.all_input_nodes[1]] - while weights: - w_node = weights.pop() - assert w_node.tag in tags[0:2] - w_node.tag = tags[1] - weights.extend(w_node.all_input_nodes) - i = 2 + if node.name not in visited or node.op == "output": continue - node.tag = tags[i] - - # TODO(dlyakhov): reduce memory consumption by - # more optimal splitting implementation. - splitted_gm = split_by_tags(model, tags) - - extracted_model = splitted_gm.extracted - graph: torch.fx.Graph = extracted_model.graph - # Check extracted model has inputs. - # It is possible to have two constant inputs - # for the target layer, an placeholder is being - # placed to the input port. - target_node = get_graph_node_by_name(graph, node_name) - input_node = target_node.all_input_nodes[0] - if input_node.op != "placeholder": - with graph.inserting_before(target_node): - new_input_node = graph.create_node( - "placeholder", "placeholder_node", (), {}, name="placeholder_graph_node" + value_remap[node] = extracted_graph.node_copy(node, remap_fn) + del value_remap + + for input_name in transformation.input_node_names: + node_with_input = get_graph_node_by_name(extracted_graph, input_name) + with extracted_graph.inserting_before(node_with_input): + graph_input_name = input_name + "_input" + graph_input = extracted_graph.create_node( + op="placeholder", + target=graph_input_name, + name=graph_input_name, ) - target_node.replace_input_with(input_node, new_input_node) - extracted_model.graph.eliminate_dead_code() - return extracted_model + + args = list(node_with_input.args) + args[0] = graph_input + node_with_input.args = tuple(args) + + nodes_with_output = [get_graph_node_by_name(extracted_graph, name) for name in transformation.output_node_names] + last_node = list(extracted_graph.nodes)[-1] + with extracted_graph.inserting_after(last_node): + graph_output_name = "output" + extracted_graph.create_node( + "output", + graph_output_name, + (tuple(nodes_with_output),), + name=graph_output_name, + ) + + return torch.fx.GraphModule(model, extracted_graph) @staticmethod def _apply_transformation( diff --git a/nncf/experimental/torch/fx/model_utils.py b/nncf/experimental/torch/fx/model_utils.py new file mode 100644 index 00000000000..b4c2cf5e570 --- /dev/null +++ b/nncf/experimental/torch/fx/model_utils.py @@ -0,0 +1,76 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +from collections import deque + +import torch.fx + +from nncf.common.factory import ModelTransformerFactory +from nncf.common.graph.definitions import NNCFGraphNodeType +from nncf.common.graph.graph import NNCFGraph +from nncf.common.graph.transformations.commands import TargetType +from nncf.common.graph.transformations.layout import TransformationLayout +from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand +from nncf.experimental.torch.fx.transformations import node_removal_transformation_builder +from nncf.torch.graph.operator_metatypes import QUANTIZE_NODE_TYPES +from nncf.torch.graph.transformations.commands import PTTargetPoint + + +def remove_fq_from_inputs(model: torch.fx.GraphModule, graph: NNCFGraph) -> torch.fx.GraphModule: + """ + This method removes the activation Fake Quantize nodes from the model. + It's needed for the further bias shift calculation that relates on quantized weights. + + :param model: ov.Model instance. + :param graph: NNCFGraph instance. + :return: ov.Model instance without activation Fake Quantize nodes. + """ + transformation_layout = TransformationLayout() + model_transformer = ModelTransformerFactory.create(model) + + seen_nodes = [] + nodes_queue = deque(graph.get_input_nodes()) + while nodes_queue: + current_node = nodes_queue.popleft() + current_node_name = current_node.node_name + + if current_node_name in seen_nodes: + continue + + seen_nodes.append(current_node_name) + if current_node.node_type in QUANTIZE_NODE_TYPES: + transformation = node_removal_transformation_builder(current_node, input_port_id=0) + transformation_layout.register(FXApplyTransformationCommand(transformation)) + nodes_queue.extend(graph.get_next_nodes(current_node)) + + return model_transformer.transform(transformation_layout) + + +_TARGET_TYPE_TO_FX_INS_TYPE_MAP = { + TargetType.PRE_LAYER_OPERATION: TargetType.OPERATOR_PRE_HOOK, + TargetType.POST_LAYER_OPERATION: TargetType.OPERATOR_POST_HOOK, +} + + +def get_target_point(target_type: TargetType, target_node_name: str, port_id: int) -> PTTargetPoint: + """ + Creates torch-specific target point. + + :param target_type: Target point target type. + :param target_node_name: Target node name to use in the target point. + :param port_id: Target port id. + :return: Torch-specific target point. + """ + if NNCFGraphNodeType.INPUT_NODE in target_node_name or target_type == TargetType.POST_LAYER_OPERATION: + port_id = None + if target_type in _TARGET_TYPE_TO_FX_INS_TYPE_MAP: + target_type = _TARGET_TYPE_TO_FX_INS_TYPE_MAP[target_type] + return PTTargetPoint(target_type, target_node_name, input_port_id=port_id) diff --git a/nncf/experimental/torch/fx/node_utils.py b/nncf/experimental/torch/fx/node_utils.py index a0757ea027c..76e807e4b5f 100644 --- a/nncf/experimental/torch/fx/node_utils.py +++ b/nncf/experimental/torch/fx/node_utils.py @@ -11,6 +11,12 @@ import torch.fx +import nncf.torch.graph.operator_metatypes as om +from nncf.common.graph import NNCFGraph +from nncf.common.graph import NNCFNode +from nncf.experimental.torch.fx.groups import FX_OPERATORS_WITH_BIAS_METATYPES +from nncf.tensor import Tensor + # TODO(dlyakhov): Use torch.fx.graph.find_nodes method instead after # torch version update (>= 2.4) @@ -49,3 +55,34 @@ def get_tensor_constant_from_node(constant_node: torch.fx.Node, model: torch.fx. raise RuntimeError(f"Node referenced nonexistent target {'.'.join(target_atoms[:i])}") attr_itr = getattr(attr_itr, atom) return attr_itr + + +def is_node_with_bias(node: NNCFNode, nncf_graph: NNCFGraph) -> bool: + """ + Returns True if the node has a bias, False otherwise. + + :param node: Target node. + :param nncf_graph: Target nncf_graph. + :return: True if the node has a bias, False otherwise. + """ + # Assumes that all biases were unfused + if node.metatype in FX_OPERATORS_WITH_BIAS_METATYPES: + next_nodes = nncf_graph.get_next_nodes(node) + if len(next_nodes) != 1: + return False + return next_nodes[0].metatype in (om.PTAddMetatype,) + + +def get_bias_value(node: NNCFNode, nncf_graph: NNCFGraph, model: torch.fx.GraphModule) -> Tensor: + """ + Retrieves the bias value from the given node. + + :param node: Target node. + :param nncf_graph: Target nncf_graph. + :param model: Target GraphModule. + :return: Bias value of the given node. + """ + bias_node = nncf_graph.get_next_nodes(node)[0] + # TODO(dlyakhov): make a node_name_vs_node map to speed up the process + graph_bias_node = get_graph_node_by_name(model.graph, bias_node.node_name) + return Tensor(get_tensor_constant_from_node(graph_bias_node.all_input_nodes[1], model)) diff --git a/nncf/experimental/torch/fx/quantization/quantize_model.py b/nncf/experimental/torch/fx/quantization/quantize_model.py index 01aebf68c1f..d65dfd61f6d 100644 --- a/nncf/experimental/torch/fx/quantization/quantize_model.py +++ b/nncf/experimental/torch/fx/quantization/quantize_model.py @@ -58,8 +58,6 @@ def quantize_impl( " Torch FX PTQ is an experimental feature, consider using Torch or OpenVino PTQ backends" " in case of errors or a poor model performance." ) - if fast_bias_correction is False: - raise ValueError(f"fast_bias_correction={fast_bias_correction} is not supported") if target_device == TargetDevice.CPU_SPR: raise nncf.InternalError("target_device == CPU_SPR is not supported") if mode is not None: diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index d15172e93d0..d1eb55b67d4 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -9,6 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. +from copy import copy from typing import Callable, List, Optional import torch @@ -122,10 +123,14 @@ def bias_update_transformation(model: torch.fx.GraphModule): graph = model.graph target_node_name = node.node_name graph_node = get_graph_node_by_name(graph, target_node_name) - if len(graph_node.users) != 1: - raise nncf.InternalError(f"Node with bias have {len(graph_node.users)} users, 1 expected.") - - bias_node = next(iter(graph_node.users)) + add_nodes = [] + for user in graph_node.users: + if _is_add(user): + add_nodes.append(user) + if len(add_nodes) != 1: + raise nncf.InternalError(f"Node {graph_node.name} has {len(add_nodes)} outputs with adds, 1 expected") + + bias_node = add_nodes[0] constant_update_fn(model, bias_node, value, input_port_id=1) return bias_update_transformation @@ -166,6 +171,12 @@ def constant_update_fn(model: torch.fx.GraphModule, node: torch.fx.Node, value: f"Constant on input port {input_port_id} for {node} is expected," f" but node {args[input_port_id]} is present." ) + + # Update metadata of the new constant node. + previous_const = args[input_port_id] + new_constant.meta = copy(previous_const.meta) + new_constant.meta["val"] = value + args[input_port_id] = new_constant node.args = tuple(args) graph.eliminate_dead_code() @@ -196,6 +207,69 @@ def qdq_insertion_transformation(model: torch.fx.GraphModule): return qdq_insertion_transformation +def node_removal_transformation_builder(node: NNCFNode, input_port_id: int) -> TransformationFNType: + """ + Returns transformation which removes target node from the model and connects + target node previous node on the given input port id with all target node outputs. + + :param node: Target node to remove. + :param input_port_id: Input port id which points to input node which should be connected + to the target node outputs. + :return: Transformation which removes target node from the model and connects + target node previous node on the given input port id with all target node outputs. + """ + + def node_removal_transformation(model: torch.fx.GraphModule): + target_node = get_graph_node_by_name(model.graph, node.node_name) + input_node = target_node.all_input_nodes[input_port_id] + for user in list(target_node.users): + user.replace_input_with(target_node, input_node) + model.graph.eliminate_dead_code() + + return node_removal_transformation + + +def output_insertion_transformation_builder(target_point: PTTargetPoint) -> TransformationFNType: + """ + Returns transformation which inserts clone operation on the given target point + and extend the model outputs with the inserted cloned value. + + :param target_point: Target point to insert clone and extend the model outputs. + :return: Transformation which inserts clone operation on the given target point + and extend the model outputs with the inserted cloned value. + """ + + def output_insertion_transformation(model: torch.fx.GraphModule): + graph = model.graph + target_node = get_graph_node_by_name(graph, target_point.target_node_name) + input_node = get_input_node(target_point, target_node) + + # Clone node output to safe it from inplace operations affects + with graph.inserting_after(input_node): + cloned_input = graph.create_node( + "call_function", + torch.ops.aten.clone.default, + (input_node,), + name=input_node.name + "_cloned", + ) + cloned_input.meta["val"] = copy(input_node.meta.get("val")) + + # Update args of the output node as one output could be present in the model + # TODO(dlaykhov) Support case when there are no outputs in the input model. + output_nodes = [node for node in model.graph.nodes if node.op == "output"] + assert len(output_nodes) == 1 + output_node = output_nodes[0] + + args = output_node.args + assert len(args) == 1 + if isinstance(args[0], torch.fx.Node): + args = (args,) + args = tuple(args[0]) + (cloned_input,) + output_node.args = (args,) + + return output_insertion_transformation + + def insert_one_qdq(model: torch.fx.GraphModule, target_point: PTTargetPoint, quantizer: FakeQuantize): """ Inserts quantize-dequantize after the target node to the target model. @@ -264,10 +338,12 @@ def insert_one_qdq(model: torch.fx.GraphModule, target_point: PTTargetPoint, qua input_node = get_input_node(target_point, target_node) quantize_op_inputs[0] = input_node + meta_val = input_node.meta.get("val") ctx_manager = get_ctx_manager(graph, target_point) with ctx_manager(target_node): quantized_node = graph.create_node(node_type, quantize_op, tuple(quantize_op_inputs), {}) + quantized_node.meta["val"] = copy(meta_val) # use the same qparams from quantize op dq_inputs = [quantized_node] + quantize_op_inputs[1:] @@ -277,13 +353,16 @@ def insert_one_qdq(model: torch.fx.GraphModule, target_point: PTTargetPoint, qua for user in target_node.users: if user is quantized_node: continue - user_dq_nodes.append((user, graph.call_function(dequantize_op, tuple(dq_inputs), {}))) + dq_node = graph.call_function(dequantize_op, tuple(dq_inputs), {}) + dq_node.meta["val"] = copy(meta_val) + user_dq_nodes.append((user, dq_node)) for user, dq_node in user_dq_nodes: user.replace_input_with(target_node, dq_node) elif target_point.target_type in [TargetType.OPERATOR_PRE_HOOK, TargetType.OPERATION_WITH_WEIGHTS]: with graph.inserting_after(quantized_node): dq_node = graph.call_function(dequantize_op, tuple(dq_inputs), {}) + dq_node.meta["val"] = copy(meta_val) args = list(target_node.args) args[target_point.input_port_id] = dq_node @@ -461,6 +540,16 @@ def _is_conv(n: torch.fx.Node): ) +def _is_add(n: torch.fx.Node): + """ + Return whether the node refers to an aten add op. + """ + return n.op == "call_function" and n.target in ( + torch.ops.aten.add_.Tensor, + torch.ops.aten.add.Tensor, + ) + + def separate_linear_and_bias(model: torch.fx.GraphModule): """ Separates one joined linear+bias node to two nodes: conv and bias. @@ -468,7 +557,7 @@ def separate_linear_and_bias(model: torch.fx.GraphModule): :param model: Target model. """ - add_node_target = torch.ops.aten.add_.Tensor + add_node_target = torch.ops.aten.add.Tensor for n in model.graph.nodes: if not _is_linear(n): continue @@ -568,7 +657,7 @@ def _merge_node_and_bias(model: torch.fx.GraphModule, is_target_node: Callable[[ :param model: Target model. :param is_target_node: Predicate to specify nodes which should be merged with the bias """ - add_node_targets = (torch.ops.aten.add_.Tensor,) + add_node_targets = (torch.ops.aten.add.Tensor, torch.ops.aten.add_.Tensor) for n in model.graph.nodes: if not is_target_node(n): continue diff --git a/nncf/quantization/algorithms/bias_correction/algorithm.py b/nncf/quantization/algorithms/bias_correction/algorithm.py index fe9c4716a38..f989d06a5f5 100644 --- a/nncf/quantization/algorithms/bias_correction/algorithm.py +++ b/nncf/quantization/algorithms/bias_correction/algorithm.py @@ -10,7 +10,7 @@ # limitations under the License. from collections import defaultdict -from typing import Any, Dict, List, Optional, Tuple, TypeVar +from typing import Any, Dict, List, Optional, Set, Tuple, TypeVar import nncf from nncf import Dataset @@ -105,7 +105,7 @@ def __init__( @property def available_backends(self) -> List[BackendType]: - return [BackendType.ONNX, BackendType.OPENVINO] + return [BackendType.ONNX, BackendType.OPENVINO, BackendType.TORCH_FX] def _set_backend_entity(self, model: TModel) -> None: """ @@ -122,6 +122,10 @@ def _set_backend_entity(self, model: TModel) -> None: from nncf.quantization.algorithms.bias_correction.openvino_backend import OVBiasCorrectionAlgoBackend self._backend_entity = OVBiasCorrectionAlgoBackend() + elif model_backend == BackendType.TORCH_FX: + from nncf.quantization.algorithms.bias_correction.torch_fx_backend import FXBiasCorrectionAlgoBackend + + self._backend_entity = FXBiasCorrectionAlgoBackend() else: raise nncf.UnsupportedBackendError( "Cannot return backend-specific entity because {} is not supported!".format(model_backend.value) @@ -304,7 +308,7 @@ def _find_subgraph_input_ids( edges_queue.extend(nncf_graph.get_input_edges(node)) return subgraph_input_ids - def _get_subgraph_data_for_node(self, node: NNCFNode, nncf_graph: NNCFGraph) -> Dict[str, List[str]]: + def _get_subgraph_data_for_node(self, node: NNCFNode, nncf_graph: NNCFGraph) -> Dict[str, Set[Tuple[str, int]]]: """ This method collects necessary data for the specified node and its subgraph. This data contains the nodes (NNCFNode) for the subgraph building @@ -511,8 +515,8 @@ def input_filter_func(point): # For the cases when the layer has more than one (0) output port. return ( self._algorithm_key in point.algorithm_to_tensor_collectors - and point.target_point.type == TargetType.POST_LAYER_OPERATION - and point.target_point.port_id == port_id + and point.target_point.type in [TargetType.POST_LAYER_OPERATION, TargetType.OPERATOR_POST_HOOK] + and self._backend_entity.get_port_id(point.target_point) == port_id ) input_id = (node_name, port_id) @@ -537,10 +541,10 @@ def _get_fp_outputs(self, statistic_points: StatisticPointsContainer, node_name: """ def output_filter_func(point): - return ( - self._algorithm_key in point.algorithm_to_tensor_collectors - and point.target_point.type == TargetType.POST_LAYER_OPERATION - ) + return self._algorithm_key in point.algorithm_to_tensor_collectors and point.target_point.type in [ + TargetType.POST_LAYER_OPERATION, + TargetType.OPERATOR_POST_HOOK, + ] output_fp = [] for tensor_collector in statistic_points.get_algo_statistics_for_node( @@ -668,9 +672,7 @@ def traverse_to_biased(node, condition_container): return list(biased_nodes - dependant_nodes) - def extract_model( - self, model: TModel, input_ids: List[Tuple[str, int]], output_ids: List[Tuple[str, int]] - ) -> TModel: + def extract_model(self, model: TModel, input_ids: Set[Tuple[str, int]], output_ids: Set[Tuple[str, int]]) -> TModel: """ Returns the backend-specific model that bounded by the specified input & output layers. diff --git a/nncf/quantization/algorithms/bias_correction/backend.py b/nncf/quantization/algorithms/bias_correction/backend.py index 943671d72de..ab165eb8891 100644 --- a/nncf/quantization/algorithms/bias_correction/backend.py +++ b/nncf/quantization/algorithms/bias_correction/backend.py @@ -11,7 +11,7 @@ from abc import ABC from abc import abstractmethod -from typing import List, Optional, Tuple, TypeVar +from typing import Optional, Set, Tuple, TypeVar, Union import numpy as np @@ -55,14 +55,14 @@ def create_bias_correction_command(node: NNCFNode, bias_value: Tensor) -> Transf @staticmethod @abstractmethod def model_extraction_command( - input_ids: List[Tuple[str, int]], output_ids: List[Tuple[str, int]] + input_ids: Set[Tuple[str, int]], output_ids: Set[Tuple[str, int]] ) -> TransformationCommand: """ Returns backend-specific command to extract sub-model based on input & output names. - :param input_ids: List of the input IDs: pairs of node names and correspondent input port ids. + :param input_ids: Set of the input IDs: pairs of node names and correspondent input port ids. Each pair denotes the sub-graph beginning. - :param output_ids: List of the output IDs: pairs of node names and correspondent output port ids. + :param output_ids: Set of the output IDs: pairs of node names and correspondent output port ids. Each pair denotes the sub-graph ending. :return: Backend-specific TransformationCommand for the model extraction. """ @@ -109,7 +109,7 @@ def raw_statistic_collector(num_samples: Optional[int] = None) -> TensorStatisti @staticmethod @abstractmethod - def process_model_output(raw_data: OutputType, output_name: str) -> NNCFTensor: + def process_model_output(raw_data: OutputType, output_name: Union[str, int]) -> NNCFTensor: """ Returns backend-specific processed output from the model. @@ -200,3 +200,17 @@ def remove_fq_from_inputs(model: TModel, nncf_graph: NNCFGraph) -> TModel: :param nncf_graph: NNCFGraph instance. :return: TModel without activation Fake Quantize nodes (or Quantize-Dequantize pairs). """ + + @staticmethod + @abstractmethod + def get_port_id(target_point: TargetPoint) -> int: + """ + Returns port id from the given backend-specific target point. + Port id is an input port id in case target point target type is + TargetType.PRE_LAYER_OPERATION or TargetType.OPERATOR_PRE_HOOK and + is an output port id in case target point target type is + TargetType.POST_LAYER_OPERATION or TargetType.OPERATOR_POST_HOOK. + + :param target_point: TargetPoint instance. + :return: Port id from the given backend-specific target point + """ diff --git a/nncf/quantization/algorithms/bias_correction/onnx_backend.py b/nncf/quantization/algorithms/bias_correction/onnx_backend.py index b2d520b89d3..42779c7c97d 100644 --- a/nncf/quantization/algorithms/bias_correction/onnx_backend.py +++ b/nncf/quantization/algorithms/bias_correction/onnx_backend.py @@ -9,7 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. -from typing import Dict, List, Optional, Tuple +from typing import Dict, Optional, Set, Tuple import onnx @@ -47,7 +47,7 @@ def create_bias_correction_command( @staticmethod def model_extraction_command( - input_ids: List[Tuple[str, int]], output_ids: List[Tuple[str, int]] + input_ids: Set[Tuple[str, int]], output_ids: Set[Tuple[str, int]] ) -> ONNXModelExtractionCommand: return ONNXModelExtractionCommand(input_ids, output_ids) @@ -105,3 +105,7 @@ def is_node_with_bias(node: NNCFNode, nncf_graph: NNCFGraph) -> bool: @staticmethod def remove_fq_from_inputs(model: onnx.ModelProto, nncf_graph: NNCFGraph) -> onnx.ModelProto: return remove_fq_from_inputs(model, nncf_graph) + + @staticmethod + def get_port_id(target_point: ONNXTargetPoint) -> int: + return target_point.port_id diff --git a/nncf/quantization/algorithms/bias_correction/openvino_backend.py b/nncf/quantization/algorithms/bias_correction/openvino_backend.py index cbcdd662c82..0180d4a53c5 100644 --- a/nncf/quantization/algorithms/bias_correction/openvino_backend.py +++ b/nncf/quantization/algorithms/bias_correction/openvino_backend.py @@ -9,7 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. -from typing import Dict, List, Optional, Tuple +from typing import Dict, Optional, Set, Tuple import openvino.runtime as ov @@ -48,7 +48,7 @@ def create_bias_correction_command( @staticmethod def model_extraction_command( - input_ids: List[Tuple[str, int]], output_ids: List[Tuple[str, int]] + input_ids: Set[Tuple[str, int]], output_ids: Set[Tuple[str, int]] ) -> OVModelExtractionCommand: return OVModelExtractionCommand(input_ids, output_ids) @@ -110,3 +110,7 @@ def is_node_with_bias(node: NNCFNode, nncf_graph: NNCFGraph) -> bool: @staticmethod def remove_fq_from_inputs(model: ov.Model, nncf_graph: NNCFGraph) -> ov.Model: return remove_fq_from_inputs(model, nncf_graph) + + @staticmethod + def get_port_id(target_point: OVTargetPoint) -> int: + return target_point.port_id diff --git a/nncf/quantization/algorithms/bias_correction/torch_fx_backend.py b/nncf/quantization/algorithms/bias_correction/torch_fx_backend.py new file mode 100644 index 00000000000..d09bafc4bcf --- /dev/null +++ b/nncf/quantization/algorithms/bias_correction/torch_fx_backend.py @@ -0,0 +1,121 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +from typing import Dict, Optional, Set, Tuple + +import torch.fx + +import nncf +from nncf.common.graph import NNCFGraph +from nncf.common.graph import NNCFNode +from nncf.common.graph.transformations.commands import TargetType +from nncf.experimental.common.tensor_statistics.collectors import TensorCollector +from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand +from nncf.experimental.torch.fx.model_utils import get_target_point +from nncf.experimental.torch.fx.model_utils import remove_fq_from_inputs +from nncf.experimental.torch.fx.node_utils import get_bias_value +from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name +from nncf.experimental.torch.fx.node_utils import is_node_with_bias +from nncf.experimental.torch.fx.transformations import bias_update_transformation_builder +from nncf.experimental.torch.fx.transformations import output_insertion_transformation_builder +from nncf.quantization.algorithms.bias_correction.backend import BiasCorrectionAlgoBackend +from nncf.tensor import Tensor +from nncf.torch.graph.transformations.commands import PTModelExtractionCommand +from nncf.torch.graph.transformations.commands import PTTargetPoint +from nncf.torch.model_graph_manager import is_quantized_weights +from nncf.torch.tensor_statistics.collectors import get_mean_statistic_collector +from nncf.torch.tensor_statistics.collectors import get_raw_stat_collector + + +class FXBiasCorrectionAlgoBackend(BiasCorrectionAlgoBackend): + + @staticmethod + def target_point(target_type: TargetType, target_node_name: str, port_id: int) -> PTTargetPoint: + return get_target_point(target_type, target_node_name, port_id) + + @staticmethod + def create_bias_correction_command( + node: NNCFNode, bias_value: Tensor, nncf_graph: NNCFGraph + ) -> FXApplyTransformationCommand: + return FXApplyTransformationCommand(bias_update_transformation_builder(node, bias_value.data)) + + @staticmethod + def model_extraction_command( + input_ids: Set[Tuple[str, int]], output_ids: Set[Tuple[str, int]] + ) -> PTModelExtractionCommand: + return PTModelExtractionCommand([inp_id[0] for inp_id in input_ids], [out_id[0] for out_id in output_ids]) + + @staticmethod + def output_insertion_command(nncf_graph: NNCFGraph, target_point: PTTargetPoint) -> FXApplyTransformationCommand: + return FXApplyTransformationCommand(output_insertion_transformation_builder(target_point)) + + @staticmethod + def mean_statistic_collector( + channel_axis: int, + inplace: bool, + num_samples: Optional[int] = None, + window_size: Optional[int] = None, + ) -> TensorCollector: + return get_mean_statistic_collector(num_samples, channel_axis, window_size) + + @staticmethod + def raw_statistic_collector(num_samples: Optional[int] = None) -> TensorCollector: + return get_raw_stat_collector(num_samples) + + @staticmethod + def process_model_output(raw_data: Dict, output_name: int) -> Tensor: + return Tensor(raw_data[output_name]) + + @staticmethod + def get_activation_port_id(node: NNCFNode, nncf_graph: NNCFGraph) -> int: + return 0 + + @staticmethod + def get_bias_value(node: NNCFNode, model: torch.fx.GraphModule, nncf_graph: NNCFGraph) -> Tensor: + return Tensor(get_bias_value(node, nncf_graph, model)) + + @staticmethod + def get_input_name(model: torch.fx.GraphModule, node_name: str, input_port_id: int) -> str: + graph_node = get_graph_node_by_name(model.graph, node_name) + return graph_node.all_input_nodes[input_port_id].name + + @staticmethod + def get_output_name(model: torch.fx.GraphModule, node_name: str, output_port_id: int) -> int: + graph_node = get_graph_node_by_name(model.graph, node_name) + nodes = list(graph_node.users) + while nodes: + node = nodes.pop() + if node.op == "call_function" and node.target == torch.ops.aten.clone.default: + nodes = list(node.users) + graph_node = node + elif node.op == "output": + return node.all_input_nodes.index(graph_node) + + raise nncf.InternalError(f"Node with name {node_name} expected to have an output," " no outputs were found.") + + @staticmethod + def is_quantized_weights(node: NNCFNode, nncf_graph: NNCFGraph) -> bool: + return is_quantized_weights(node, nncf_graph) + + @staticmethod + def is_node_with_bias(node: NNCFNode, nncf_graph: NNCFGraph) -> bool: + return is_node_with_bias(node, nncf_graph) + + @staticmethod + def remove_fq_from_inputs(model: torch.fx.GraphModule, nncf_graph: NNCFGraph) -> torch.fx.GraphModule: + return remove_fq_from_inputs(model, nncf_graph) + + @staticmethod + def get_port_id(target_point: PTTargetPoint) -> int: + if target_point.target_type == TargetType.OPERATOR_POST_HOOK: + # Return 0 as default value for post hook port id. + return 0 + return target_point.input_port_id diff --git a/nncf/quantization/algorithms/fast_bias_correction/backend.py b/nncf/quantization/algorithms/fast_bias_correction/backend.py index 71e46c7d5e7..110e05161cd 100644 --- a/nncf/quantization/algorithms/fast_bias_correction/backend.py +++ b/nncf/quantization/algorithms/fast_bias_correction/backend.py @@ -88,7 +88,7 @@ def mean_statistic_collector( @staticmethod @abstractmethod - def get_sub_input_output_names(subgraph: TModel) -> Tuple[str, str]: + def get_sub_input_output_names(subgraph: TModel) -> Tuple[Union[str, int], Union[str]]: """ Returns tuple of the subgraph's the input & output tensor names respectively. @@ -149,7 +149,7 @@ def is_quantized_weights(node: NNCFNode, nncf_graph: NNCFGraph) -> bool: @staticmethod @abstractmethod - def process_model_output(raw_data: OutputType, output_name: str) -> Tensor: + def process_model_output(raw_data: OutputType, output_name: Union[str, int]) -> Tensor: """ Returns backend-specific processed output from the model. diff --git a/nncf/quantization/algorithms/fast_bias_correction/torch_backend.py b/nncf/quantization/algorithms/fast_bias_correction/torch_backend.py index 134706415a1..7eda61ce64a 100644 --- a/nncf/quantization/algorithms/fast_bias_correction/torch_backend.py +++ b/nncf/quantization/algorithms/fast_bias_correction/torch_backend.py @@ -69,7 +69,7 @@ def mean_statistic_collector( return get_mean_statistic_collector(num_samples, channel_axis, window_size) @staticmethod - def get_sub_input_output_names(subgraph: NNCFNetwork) -> Tuple[str, str]: + def get_sub_input_output_names(subgraph: NNCFNetwork) -> Tuple[Optional[str], Optional[str]]: # Pytorch does not have name for extracted node return None, None @@ -90,7 +90,7 @@ def get_activation_port_ids_for_bias_node(node: NNCFNode) -> Tuple[int, int]: return 0, 0 @staticmethod - def process_model_output(raw_data: Dict, output_name: str) -> Tensor: + def process_model_output(raw_data: Dict, output_name: Optional[str]) -> Tensor: return Tensor(raw_data) @staticmethod diff --git a/nncf/quantization/algorithms/fast_bias_correction/torch_fx_backend.py b/nncf/quantization/algorithms/fast_bias_correction/torch_fx_backend.py index 883e72283ed..876afbaf066 100644 --- a/nncf/quantization/algorithms/fast_bias_correction/torch_fx_backend.py +++ b/nncf/quantization/algorithms/fast_bias_correction/torch_fx_backend.py @@ -15,37 +15,27 @@ import torch import torch.fx -import nncf.torch.graph.operator_metatypes as om from nncf.common.graph import NNCFGraph from nncf.common.graph import NNCFNode -from nncf.common.graph.definitions import NNCFGraphNodeType from nncf.common.graph.transformations.commands import TargetType from nncf.experimental.common.tensor_statistics.collectors import TensorCollector from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand -from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name -from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node +from nncf.experimental.torch.fx.model_utils import get_target_point +from nncf.experimental.torch.fx.node_utils import get_bias_value +from nncf.experimental.torch.fx.node_utils import is_node_with_bias from nncf.experimental.torch.fx.transformations import bias_update_transformation_builder from nncf.quantization.algorithms.fast_bias_correction.backend import FastBiasCorrectionAlgoBackend from nncf.tensor import Tensor from nncf.torch.graph.transformations.commands import PTModelExtractionCommand from nncf.torch.graph.transformations.commands import PTTargetPoint -from nncf.torch.nncf_network import NNCFNetwork +from nncf.torch.model_graph_manager import is_quantized_weights from nncf.torch.tensor_statistics.collectors import get_mean_statistic_collector class FXFastBiasCorrectionAlgoBackend(FastBiasCorrectionAlgoBackend): - TARGET_TYPE_TO_PT_INS_TYPE_MAP = { - TargetType.PRE_LAYER_OPERATION: TargetType.OPERATOR_PRE_HOOK, - TargetType.POST_LAYER_OPERATION: TargetType.OPERATOR_POST_HOOK, - } - @staticmethod def target_point(target_type: TargetType, target_node_name: str, port_id: int) -> PTTargetPoint: - if NNCFGraphNodeType.INPUT_NODE in target_node_name or target_type == TargetType.POST_LAYER_OPERATION: - port_id = None - if target_type in FXFastBiasCorrectionAlgoBackend.TARGET_TYPE_TO_PT_INS_TYPE_MAP: - target_type = FXFastBiasCorrectionAlgoBackend.TARGET_TYPE_TO_PT_INS_TYPE_MAP[target_type] - return PTTargetPoint(target_type, target_node_name, input_port_id=port_id) + return get_target_point(target_type, target_node_name, port_id) @staticmethod def create_bias_correction_command( @@ -69,9 +59,9 @@ def mean_statistic_collector( return get_mean_statistic_collector(num_samples, channel_axis, window_size) @staticmethod - def get_sub_input_output_names(subgraph: NNCFNetwork) -> Tuple[str, str]: + def get_sub_input_output_names(subgraph: torch.fx.GraphModule) -> Tuple[Optional[int], int]: # Pytorch does not have name for extracted node - return None, None + return None, 0 @staticmethod def create_input_data(shape: Tuple[int], data: List[Tensor], input_name: str, channel_axis: int) -> torch.Tensor: @@ -83,32 +73,23 @@ def create_input_data(shape: Tuple[int], data: List[Tensor], input_name: str, ch @staticmethod def get_bias_value(node: NNCFNode, nncf_graph: NNCFGraph, model: torch.fx.GraphModule) -> Tensor: - bias_node = nncf_graph.get_next_nodes(node)[0] - # TODO(dlyakhov): make a node_name_vs_node map to speed up the process - graph_bias_node = get_graph_node_by_name(model.graph, bias_node.node_name) - return Tensor(get_tensor_constant_from_node(graph_bias_node.all_input_nodes[1], model)) + return get_bias_value(node, nncf_graph, model) @staticmethod def get_activation_port_ids_for_bias_node(node: NNCFNode) -> Tuple[int, int]: return 0, 0 @staticmethod - def process_model_output(raw_data: Dict, output_name: str) -> Tensor: - return Tensor(raw_data) + def process_model_output(raw_data: Dict, output_name: int) -> Tensor: + return Tensor(raw_data[output_name]) @staticmethod def is_quantized_weights(node: NNCFNode, nncf_graph: NNCFGraph) -> bool: - weight_node = nncf_graph.get_previous_nodes(node)[1] - return "dequantize" in weight_node.node_type + return is_quantized_weights(node, nncf_graph) @staticmethod def is_node_with_bias(node: NNCFNode, nncf_graph: NNCFGraph) -> bool: - # Assumes that all biases were unfused - if node.metatype in (om.PTConv1dMetatype, om.PTConv2dMetatype, om.PTConv3dMetatype, om.PTLinearMetatype): - next_nodes = nncf_graph.get_next_nodes(node) - if len(next_nodes) != 1: - return False - return next_nodes[0].metatype in (om.PTAddMetatype,) + return is_node_with_bias(node, nncf_graph) @staticmethod def get_node_names_for_input_output_statistics(node: NNCFNode, nncf_graph: NNCFGraph) -> Tuple[str, str]: diff --git a/nncf/quantization/algorithms/min_max/torch_fx_backend.py b/nncf/quantization/algorithms/min_max/torch_fx_backend.py index 4f82a1e0c8c..996cb7feb48 100644 --- a/nncf/quantization/algorithms/min_max/torch_fx_backend.py +++ b/nncf/quantization/algorithms/min_max/torch_fx_backend.py @@ -15,7 +15,6 @@ import nncf import nncf.torch.graph.operator_metatypes as om -from nncf.common.graph.definitions import NNCFGraphNodeType from nncf.common.graph.graph import NNCFGraph from nncf.common.graph.graph import NNCFNode from nncf.common.graph.operator_metatypes import OperatorMetatype @@ -28,6 +27,7 @@ from nncf.experimental.common.tensor_statistics.collectors import TensorCollector from nncf.experimental.common.tensor_statistics.statistics import MinMaxTensorStatistic from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand +from nncf.experimental.torch.fx.model_utils import get_target_point from nncf.experimental.torch.fx.transformations import qdq_insertion_transformation_builder from nncf.parameters import ModelType from nncf.parameters import TargetDevice @@ -54,10 +54,6 @@ class FXMinMaxAlgoBackend(MinMaxAlgoBackend): - TARGET_TYPE_TO_PT_INS_TYPE_MAP = { - TargetType.PRE_LAYER_OPERATION: TargetType.OPERATOR_PRE_HOOK, - TargetType.POST_LAYER_OPERATION: TargetType.OPERATOR_POST_HOOK, - } @property def preserved_metatypes(self) -> List[OperatorMetatype]: @@ -129,11 +125,7 @@ def get_start_nodes_for_activation_path_tracing(nncf_graph: PTNNCFGraph) -> List @staticmethod def target_point(target_type: TargetType, target_node_name: str, port_id: int) -> PTTargetPoint: - if NNCFGraphNodeType.INPUT_NODE in target_node_name or target_type == TargetType.POST_LAYER_OPERATION: - port_id = None - if target_type in FXMinMaxAlgoBackend.TARGET_TYPE_TO_PT_INS_TYPE_MAP: - target_type = FXMinMaxAlgoBackend.TARGET_TYPE_TO_PT_INS_TYPE_MAP[target_type] - return PTTargetPoint(target_type, target_node_name, input_port_id=port_id) + return get_target_point(target_type, target_node_name, port_id) @staticmethod def create_convert_insertion_command( diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 15966d62130..cc6c051c54a 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -801,7 +801,7 @@ class PTPadMetatype(PTOperatorMetatype): @PT_OPERATOR_METATYPES.register() class PTCatMetatype(PTOperatorMetatype): name = "CatOp" - module_to_function_names = {NamespaceTarget.TORCH: ["cat", "stack"]} + module_to_function_names = {NamespaceTarget.TORCH: ["cat", "stack", "concat"]} hw_config_names = [HWConfigOpName.CONCAT] @@ -1143,7 +1143,14 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: OP_NAMES_WITH_WEIGHTS = [x for meta in OPERATORS_WITH_WEIGHTS_METATYPES for x in meta.get_all_aliases()] -QUANTIZE_NODE_TYPES = ["symmetric_quantize", "asymmetric_quantize"] +QUANTIZE_NODE_TYPES = [ + "symmetric_quantize", + "asymmetric_quantize", + "quantize_per_tensor", + "dequantize_per_tensor", + "quantize_per_channel", + "dequantize_per_channel", +] # These metatypes mix outputs for different samples into one axis. # If reducers and aggregators collect statistics at the output of the following operations, diff --git a/tests/cross_fw/test_templates/test_bias_correction.py b/tests/cross_fw/test_templates/test_bias_correction.py index b154e0870a7..2328b426183 100644 --- a/tests/cross_fw/test_templates/test_bias_correction.py +++ b/tests/cross_fw/test_templates/test_bias_correction.py @@ -10,7 +10,7 @@ # limitations under the License. from abc import abstractmethod -from typing import Dict, List, Tuple, TypeVar +from typing import Any, Dict, List, Tuple, TypeVar import pytest @@ -85,7 +85,7 @@ def check_bias(model: TModel, ref_biases: Dict) -> None: """ @staticmethod - def map_references(ref_biases: Dict) -> Dict[str, List]: + def map_references(ref_biases: Dict, model_cls: Any) -> Dict[str, List]: """ Returns backend-specific reference. """ @@ -112,20 +112,6 @@ def remove_fq_from_inputs(model: TModel) -> TModel: Removes quantizer nodes from inputs. """ - @staticmethod - @abstractmethod - def get_ref_path(suffix: str) -> str: - """ - Returns backend-specific reference graph paths. - """ - - @staticmethod - @abstractmethod - def compare_nncf_graphs(model: TModel, ref_path: str) -> None: - """ - Compares backend-specific model with reference graph. - """ - @pytest.fixture() def quantized_test_model(self, tmpdir) -> TModel: model_cls = SplittedModel @@ -163,7 +149,7 @@ def test_update_bias(self, model_cls, ref_biases, tmpdir): graph = NNCFGraphFactory.create(model) quantized_model = quantization_algorithm.apply(model, graph, dataset=dataset) - mapped_ref_biases = self.map_references(ref_biases) + mapped_ref_biases = self.map_references(ref_biases, model_cls) self.check_bias(quantized_model, mapped_ref_biases) def test__get_subgraph_data_for_node(self, quantized_test_model, layer_name, ref_data): diff --git a/tests/onnx/quantization/test_bias_correction.py b/tests/onnx/quantization/test_bias_correction.py index 40cdf0dc8e1..eebf81036f8 100644 --- a/tests/onnx/quantization/test_bias_correction.py +++ b/tests/onnx/quantization/test_bias_correction.py @@ -26,7 +26,6 @@ from tests.cross_fw.test_templates.helpers import SplittedModel from tests.cross_fw.test_templates.test_bias_correction import TemplateTestBCAlgorithm from tests.onnx.quantization.common import compare_nncf_graph -from tests.shared.paths import TEST_ROOT def get_data_from_node(model: onnx.ModelProto, node_name: str): @@ -69,10 +68,6 @@ def remove_fq_from_inputs(model: onnx.ModelProto) -> onnx.ModelProto: graph = GraphConverter.create_nncf_graph(model) return remove_fq_from_inputs(model, graph) - @staticmethod - def get_ref_path(suffix: str) -> str: - return TEST_ROOT / "onnx" / "data" / "reference_graphs" / "quantization" / "subgraphs" / f"{suffix}.dot" - @staticmethod def compare_nncf_graphs(model: onnx.ModelProto, ref_path: str) -> None: return compare_nncf_graph(model, ref_path) diff --git a/tests/openvino/native/test_bias_correction.py b/tests/openvino/native/test_bias_correction.py index e90ad6c92f0..97450bec9c7 100644 --- a/tests/openvino/native/test_bias_correction.py +++ b/tests/openvino/native/test_bias_correction.py @@ -9,8 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. -from pathlib import Path -from typing import Dict, List +from typing import Any, Dict, List import numpy as np import openvino as ov @@ -27,7 +26,6 @@ from tests.cross_fw.test_templates.helpers import SplittedModel from tests.cross_fw.test_templates.test_bias_correction import TemplateTestBCAlgorithm from tests.openvino.native.common import compare_nncf_graphs -from tests.openvino.native.common import get_actual_reference_for_current_openvino class TestOVBCAlgorithm(TemplateTestBCAlgorithm): @@ -59,7 +57,7 @@ def transform_fn(data_item): return transform_fn @staticmethod - def map_references(ref_biases: Dict) -> Dict[str, List]: + def map_references(ref_biases: Dict, model_cls: Any) -> Dict[str, List]: mapping = {f"{name}/WithoutBiases": val for name, val in ref_biases.items()} return mapping @@ -68,12 +66,6 @@ def remove_fq_from_inputs(model: ov.Model) -> ov.Model: graph = GraphConverter.create_nncf_graph(model) return remove_fq_from_inputs(model, graph) - @staticmethod - def get_ref_path(suffix: str) -> str: - return get_actual_reference_for_current_openvino( - Path("reference_graphs") / "quantized" / "subgraphs" / f"{suffix}.dot" - ) - @staticmethod def compare_nncf_graphs(model: ov.Model, ref_path: str) -> None: return compare_nncf_graphs(model, ref_path) diff --git a/tests/post_training/data/ptq_reference_data.yaml b/tests/post_training/data/ptq_reference_data.yaml index 4bacf77ff2e..a781f3b410b 100644 --- a/tests/post_training/data/ptq_reference_data.yaml +++ b/tests/post_training/data/ptq_reference_data.yaml @@ -38,6 +38,14 @@ torchvision/resnet18_backend_CUDA_TORCH: metric_value: 0.69152 torchvision/resnet18_backend_FX_TORCH: metric_value: 0.6946 +torchvision/mobilenet_v3_small_BC_backend_FP32: + metric_value: 0.6766 +torchvision/mobilenet_v3_small_BC_backend_OV: + metric_value: 0.6669 +torchvision/mobilenet_v3_small_BC_backend_ONNX: + metric_value: 0.6654 +torchvision/mobilenet_v3_small_BC_backend_FX_TORCH: + metric_value: 0.6679 torchvision/vit_b_16_backend_FP32: metric_value: 0.8107 torchvision/vit_b_16_backend_OV: diff --git a/tests/post_training/model_scope.py b/tests/post_training/model_scope.py index ccaaec8e7c6..4318ef7373d 100644 --- a/tests/post_training/model_scope.py +++ b/tests/post_training/model_scope.py @@ -89,6 +89,17 @@ "backends": [BackendType.FX_TORCH, BackendType.TORCH, BackendType.CUDA_TORCH, BackendType.OV, BackendType.ONNX], "batch_size": 128, }, + { + "reported_name": "torchvision/mobilenet_v3_small_BC", + "model_id": "mobilenet_v3_small", + "pipeline_cls": ImageClassificationTorchvision, + "compression_params": { + "fast_bias_correction": False, + "preset": QuantizationPreset.MIXED, + }, + "backends": [BackendType.FX_TORCH, BackendType.OV, BackendType.ONNX], + "batch_size": 128, + }, { "reported_name": "torchvision/vit_b_16", "model_id": "vit_b_16", diff --git a/tests/torch/data/reference_graphs/fx/extracted/ConvolutionWithAllConstantInputsModelconv2d_conv2d.dot b/tests/torch/data/reference_graphs/fx/extracted/ConvolutionWithAllConstantInputsModelconv2d_conv2d.dot new file mode 100644 index 00000000000..283bfeec9fb --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/extracted/ConvolutionWithAllConstantInputsModelconv2d_conv2d.dot @@ -0,0 +1,11 @@ +strict digraph { +"0 _param_constant0" [id=0, type=get_attr]; +"1 add" [id=1, type=add]; +"2 conv2d_input" [id=2, type=input]; +"3 conv2d" [id=3, type=conv2d]; +"4 output" [id=4, type=output]; +"0 _param_constant0" -> "1 add"; +"1 add" -> "3 conv2d"; +"2 conv2d_input" -> "3 conv2d"; +"3 conv2d" -> "4 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/extracted/ConvolutionWithNotTensorBiasModelconv2d_conv2d.dot b/tests/torch/data/reference_graphs/fx/extracted/ConvolutionWithNotTensorBiasModelconv2d_conv2d.dot new file mode 100644 index 00000000000..283bfeec9fb --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/extracted/ConvolutionWithNotTensorBiasModelconv2d_conv2d.dot @@ -0,0 +1,11 @@ +strict digraph { +"0 _param_constant0" [id=0, type=get_attr]; +"1 add" [id=1, type=add]; +"2 conv2d_input" [id=2, type=input]; +"3 conv2d" [id=3, type=conv2d]; +"4 output" [id=4, type=output]; +"0 _param_constant0" -> "1 add"; +"1 add" -> "3 conv2d"; +"2 conv2d_input" -> "3 conv2d"; +"3 conv2d" -> "4 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_1_add__1.dot b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_1_add__1.dot new file mode 100644 index 00000000000..bff372e3a2d --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_1_add__1.dot @@ -0,0 +1,15 @@ +strict digraph { +"0 _param_constant2" [id=0, type=get_attr]; +"1 _param_constant3" [id=1, type=get_attr]; +"2 conv2d_1_input" [id=2, type=input]; +"3 conv2d_1" [id=3, type=conv2d]; +"4 _tensor_constant0_1" [id=4, type=get_attr]; +"5 add__1" [id=5, type=add_]; +"6 output" [id=6, type=output]; +"0 _param_constant2" -> "3 conv2d_1"; +"1 _param_constant3" -> "3 conv2d_1"; +"2 conv2d_1_input" -> "3 conv2d_1"; +"3 conv2d_1" -> "5 add__1"; +"4 _tensor_constant0_1" -> "5 add__1"; +"5 add__1" -> "6 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_add__1.dot b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_add__1.dot new file mode 100644 index 00000000000..2e6e7ff3c55 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_add__1.dot @@ -0,0 +1,38 @@ +strict digraph { +"0 _param_constant0" [id=0, type=get_attr]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_input" [id=2, type=input]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant2" [id=4, type=get_attr]; +"5 _param_constant3" [id=5, type=get_attr]; +"6 conv2d_1" [id=6, type=conv2d]; +"7 _tensor_constant0" [id=7, type=get_attr]; +"8 add_" [id=8, type=add_]; +"9 _tensor_constant0_1" [id=9, type=get_attr]; +"10 add__1" [id=10, type=add_]; +"11 add" [id=11, type=add]; +"12 _param_constant4" [id=12, type=get_attr]; +"13 _param_constant5" [id=13, type=get_attr]; +"14 conv2d_2" [id=14, type=conv2d]; +"15 _tensor_constant0_2" [id=15, type=get_attr]; +"16 add_1" [id=16, type=add]; +"17 output" [id=17, type=output]; +"0 _param_constant0" -> "3 conv2d"; +"1 _param_constant1" -> "3 conv2d"; +"2 conv2d_input" -> "3 conv2d"; +"3 conv2d" -> "6 conv2d_1"; +"3 conv2d" -> "8 add_"; +"4 _param_constant2" -> "6 conv2d_1"; +"5 _param_constant3" -> "6 conv2d_1"; +"6 conv2d_1" -> "10 add__1"; +"7 _tensor_constant0" -> "8 add_"; +"8 add_" -> "11 add"; +"9 _tensor_constant0_1" -> "10 add__1"; +"10 add__1" -> "11 add"; +"10 add__1" -> "17 output"; +"11 add" -> "14 conv2d_2"; +"12 _param_constant4" -> "14 conv2d_2"; +"13 _param_constant5" -> "14 conv2d_2"; +"14 conv2d_2" -> "16 add_1"; +"15 _tensor_constant0_2" -> "16 add_1"; +} diff --git a/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_add__add.dot b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_add__add.dot new file mode 100644 index 00000000000..26726ad7429 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_add__add.dot @@ -0,0 +1,29 @@ +strict digraph { +"0 _param_constant0" [id=0, type=get_attr]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_input" [id=2, type=input]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant2" [id=4, type=get_attr]; +"5 _param_constant3" [id=5, type=get_attr]; +"6 conv2d_1" [id=6, type=conv2d]; +"7 _tensor_constant0" [id=7, type=get_attr]; +"8 add_" [id=8, type=add_]; +"9 _tensor_constant0_1" [id=9, type=get_attr]; +"10 add__1" [id=10, type=add_]; +"11 add" [id=11, type=add]; +"12 output" [id=12, type=output]; +"0 _param_constant0" -> "3 conv2d"; +"1 _param_constant1" -> "3 conv2d"; +"2 conv2d_input" -> "3 conv2d"; +"3 conv2d" -> "6 conv2d_1"; +"3 conv2d" -> "8 add_"; +"4 _param_constant2" -> "6 conv2d_1"; +"5 _param_constant3" -> "6 conv2d_1"; +"6 conv2d_1" -> "10 add__1"; +"7 _tensor_constant0" -> "8 add_"; +"8 add_" -> "11 add"; +"8 add_" -> "12 output"; +"9 _tensor_constant0_1" -> "10 add__1"; +"10 add__1" -> "11 add"; +"11 add" -> "12 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_conv2d_1_add__add__1.dot b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_conv2d_1_add__add__1.dot new file mode 100644 index 00000000000..4c2bab5b4a4 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_conv2d_1_add__add__1.dot @@ -0,0 +1,27 @@ +strict digraph { +"0 _param_constant0" [id=0, type=get_attr]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_input" [id=2, type=input]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant2" [id=4, type=get_attr]; +"5 _param_constant3" [id=5, type=get_attr]; +"6 conv2d_1_input" [id=6, type=input]; +"7 conv2d_1" [id=7, type=conv2d]; +"8 _tensor_constant0" [id=8, type=get_attr]; +"9 add_" [id=9, type=add_]; +"10 _tensor_constant0_1" [id=10, type=get_attr]; +"11 add__1" [id=11, type=add_]; +"12 output" [id=12, type=output]; +"0 _param_constant0" -> "3 conv2d"; +"1 _param_constant1" -> "3 conv2d"; +"2 conv2d_input" -> "3 conv2d"; +"3 conv2d" -> "9 add_"; +"4 _param_constant2" -> "7 conv2d_1"; +"5 _param_constant3" -> "7 conv2d_1"; +"6 conv2d_1_input" -> "7 conv2d_1"; +"7 conv2d_1" -> "11 add__1"; +"8 _tensor_constant0" -> "9 add_"; +"9 add_" -> "12 output"; +"10 _tensor_constant0_1" -> "11 add__1"; +"11 add__1" -> "12 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_conv2d_2.dot b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_conv2d_2.dot new file mode 100644 index 00000000000..450997ed2b7 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/extracted/MultiBranchesConnectedModelconv2d_conv2d_2.dot @@ -0,0 +1,34 @@ +strict digraph { +"0 _param_constant0" [id=0, type=get_attr]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_input" [id=2, type=input]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant2" [id=4, type=get_attr]; +"5 _param_constant3" [id=5, type=get_attr]; +"6 conv2d_1" [id=6, type=conv2d]; +"7 _tensor_constant0" [id=7, type=get_attr]; +"8 add_" [id=8, type=add_]; +"9 _tensor_constant0_1" [id=9, type=get_attr]; +"10 add__1" [id=10, type=add_]; +"11 add" [id=11, type=add]; +"12 _param_constant4" [id=12, type=get_attr]; +"13 _param_constant5" [id=13, type=get_attr]; +"14 conv2d_2" [id=14, type=conv2d]; +"15 output" [id=15, type=output]; +"0 _param_constant0" -> "3 conv2d"; +"1 _param_constant1" -> "3 conv2d"; +"2 conv2d_input" -> "3 conv2d"; +"3 conv2d" -> "6 conv2d_1"; +"3 conv2d" -> "8 add_"; +"4 _param_constant2" -> "6 conv2d_1"; +"5 _param_constant3" -> "6 conv2d_1"; +"6 conv2d_1" -> "10 add__1"; +"7 _tensor_constant0" -> "8 add_"; +"8 add_" -> "11 add"; +"9 _tensor_constant0_1" -> "10 add__1"; +"10 add__1" -> "11 add"; +"11 add" -> "14 conv2d_2"; +"12 _param_constant4" -> "14 conv2d_2"; +"13 _param_constant5" -> "14 conv2d_2"; +"14 conv2d_2" -> "15 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_1_5_1_ref.dot b/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_1_5_1_ref.dot new file mode 100644 index 00000000000..e318529bcea --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_1_5_1_ref.dot @@ -0,0 +1,41 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 _param_constant1" [id=2, type=get_attr]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant2" [id=4, type=get_attr]; +"5 _param_constant2_cloned" [id=5, type=clone]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 conv2d_1" [id=7, type=conv2d]; +"8 _tensor_constant0" [id=8, type=get_attr]; +"9 add_" [id=9, type=add_]; +"10 _tensor_constant0_1" [id=10, type=get_attr]; +"11 add__1" [id=11, type=add_]; +"12 add" [id=12, type=add]; +"13 _param_constant4" [id=13, type=get_attr]; +"14 _param_constant5" [id=14, type=get_attr]; +"15 conv2d_2" [id=15, type=conv2d]; +"16 _tensor_constant0_2" [id=16, type=get_attr]; +"17 add_1" [id=17, type=add]; +"18 output" [id=18, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 _param_constant0" -> "3 conv2d"; +"2 _param_constant1" -> "3 conv2d"; +"3 conv2d" -> "7 conv2d_1"; +"3 conv2d" -> "9 add_"; +"4 _param_constant2" -> "5 _param_constant2_cloned"; +"4 _param_constant2" -> "7 conv2d_1"; +"5 _param_constant2_cloned" -> "18 output"; +"6 _param_constant3" -> "7 conv2d_1"; +"7 conv2d_1" -> "11 add__1"; +"8 _tensor_constant0" -> "9 add_"; +"9 add_" -> "12 add"; +"10 _tensor_constant0_1" -> "11 add__1"; +"11 add__1" -> "12 add"; +"12 add" -> "15 conv2d_2"; +"13 _param_constant4" -> "15 conv2d_2"; +"14 _param_constant5" -> "15 conv2d_2"; +"15 conv2d_2" -> "17 add_1"; +"16 _tensor_constant0_2" -> "17 add_1"; +"17 add_1" -> "18 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_6_0_ref.dot b/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_6_0_ref.dot new file mode 100644 index 00000000000..247b65befbe --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_6_0_ref.dot @@ -0,0 +1,41 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 arg0_1_cloned" [id=1, type=clone]; +"2 _param_constant0" [id=2, type=get_attr]; +"3 _param_constant1" [id=3, type=get_attr]; +"4 conv2d" [id=4, type=conv2d]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 conv2d_1" [id=7, type=conv2d]; +"8 _tensor_constant0" [id=8, type=get_attr]; +"9 add_" [id=9, type=add_]; +"10 _tensor_constant0_1" [id=10, type=get_attr]; +"11 add__1" [id=11, type=add_]; +"12 add" [id=12, type=add]; +"13 _param_constant4" [id=13, type=get_attr]; +"14 _param_constant5" [id=14, type=get_attr]; +"15 conv2d_2" [id=15, type=conv2d]; +"16 _tensor_constant0_2" [id=16, type=get_attr]; +"17 add_1" [id=17, type=add]; +"18 output" [id=18, type=output]; +"0 arg0_1" -> "1 arg0_1_cloned"; +"0 arg0_1" -> "4 conv2d"; +"1 arg0_1_cloned" -> "18 output"; +"2 _param_constant0" -> "4 conv2d"; +"3 _param_constant1" -> "4 conv2d"; +"4 conv2d" -> "7 conv2d_1"; +"4 conv2d" -> "9 add_"; +"5 _param_constant2" -> "7 conv2d_1"; +"6 _param_constant3" -> "7 conv2d_1"; +"7 conv2d_1" -> "11 add__1"; +"8 _tensor_constant0" -> "9 add_"; +"9 add_" -> "12 add"; +"10 _tensor_constant0_1" -> "11 add__1"; +"11 add__1" -> "12 add"; +"12 add" -> "15 conv2d_2"; +"13 _param_constant4" -> "15 conv2d_2"; +"14 _param_constant5" -> "15 conv2d_2"; +"15 conv2d_2" -> "17 add_1"; +"16 _tensor_constant0_2" -> "17 add_1"; +"17 add_1" -> "18 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_6_1_ref.dot b/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_6_1_ref.dot new file mode 100644 index 00000000000..79e4414d40b --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_6_1_ref.dot @@ -0,0 +1,41 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 _param_constant0_cloned" [id=2, type=clone]; +"3 _param_constant1" [id=3, type=get_attr]; +"4 conv2d" [id=4, type=conv2d]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 conv2d_1" [id=7, type=conv2d]; +"8 _tensor_constant0" [id=8, type=get_attr]; +"9 add_" [id=9, type=add_]; +"10 _tensor_constant0_1" [id=10, type=get_attr]; +"11 add__1" [id=11, type=add_]; +"12 add" [id=12, type=add]; +"13 _param_constant4" [id=13, type=get_attr]; +"14 _param_constant5" [id=14, type=get_attr]; +"15 conv2d_2" [id=15, type=conv2d]; +"16 _tensor_constant0_2" [id=16, type=get_attr]; +"17 add_1" [id=17, type=add]; +"18 output" [id=18, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant0" -> "2 _param_constant0_cloned"; +"1 _param_constant0" -> "4 conv2d"; +"2 _param_constant0_cloned" -> "18 output"; +"3 _param_constant1" -> "4 conv2d"; +"4 conv2d" -> "7 conv2d_1"; +"4 conv2d" -> "9 add_"; +"5 _param_constant2" -> "7 conv2d_1"; +"6 _param_constant3" -> "7 conv2d_1"; +"7 conv2d_1" -> "11 add__1"; +"8 _tensor_constant0" -> "9 add_"; +"9 add_" -> "12 add"; +"10 _tensor_constant0_1" -> "11 add__1"; +"11 add__1" -> "12 add"; +"12 add" -> "15 conv2d_2"; +"13 _param_constant4" -> "15 conv2d_2"; +"14 _param_constant5" -> "15 conv2d_2"; +"15 conv2d_2" -> "17 add_1"; +"16 _tensor_constant0_2" -> "17 add_1"; +"17 add_1" -> "18 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_7_None_ref.dot b/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_7_None_ref.dot new file mode 100644 index 00000000000..2cb3e69c4aa --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/transformed/output_insertion_conv2d_7_None_ref.dot @@ -0,0 +1,41 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 _param_constant1" [id=2, type=get_attr]; +"3 conv2d" [id=3, type=conv2d]; +"4 conv2d_cloned" [id=4, type=clone]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 conv2d_1" [id=7, type=conv2d]; +"8 _tensor_constant0" [id=8, type=get_attr]; +"9 add_" [id=9, type=add_]; +"10 _tensor_constant0_1" [id=10, type=get_attr]; +"11 add__1" [id=11, type=add_]; +"12 add" [id=12, type=add]; +"13 _param_constant4" [id=13, type=get_attr]; +"14 _param_constant5" [id=14, type=get_attr]; +"15 conv2d_2" [id=15, type=conv2d]; +"16 _tensor_constant0_2" [id=16, type=get_attr]; +"17 add_1" [id=17, type=add]; +"18 output" [id=18, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 _param_constant0" -> "3 conv2d"; +"2 _param_constant1" -> "3 conv2d"; +"3 conv2d" -> "4 conv2d_cloned"; +"3 conv2d" -> "7 conv2d_1"; +"3 conv2d" -> "9 add_"; +"4 conv2d_cloned" -> "18 output"; +"5 _param_constant2" -> "7 conv2d_1"; +"6 _param_constant3" -> "7 conv2d_1"; +"7 conv2d_1" -> "11 add__1"; +"8 _tensor_constant0" -> "9 add_"; +"9 add_" -> "12 add"; +"10 _tensor_constant0_1" -> "11 add__1"; +"11 add__1" -> "12 add"; +"12 add" -> "15 conv2d_2"; +"13 _param_constant4" -> "15 conv2d_2"; +"14 _param_constant5" -> "15 conv2d_2"; +"15 conv2d_2" -> "17 add_1"; +"16 _tensor_constant0_2" -> "17 add_1"; +"17 add_1" -> "18 output"; +} diff --git a/tests/torch/fx/helpers.py b/tests/torch/fx/helpers.py index fc0f48274da..713163e6d2e 100644 --- a/tests/torch/fx/helpers.py +++ b/tests/torch/fx/helpers.py @@ -19,8 +19,12 @@ import torchvision.datasets as datasets import torchvision.transforms as transforms from fastdownload import FastDownload +from torch._export import capture_pre_autograd_graph from torch.fx.passes.graph_drawer import FxGraphDrawer +from nncf.experimental.torch.fx.transformations import apply_quantization_transformations +from nncf.torch.dynamic_graph.patch_pytorch import disable_patching + class TinyImagenetDatasetManager: DATASET_URL = "http://cs231n.stanford.edu/tiny-imagenet-200.zip" @@ -109,3 +113,16 @@ def create_data_loaders(self): def visualize_fx_model(model: torch.fx.GraphModule, output_svg_path: str): g = FxGraphDrawer(model, output_svg_path) g.get_dot_graph().write_svg(output_svg_path) + + +def get_torch_fx_model(model: torch.nn.Module) -> torch.fx.GraphModule: + device = next(model.named_parameters())[1].device + input_shape = model.INPUT_SIZE + if input_shape is None: + input_shape = [1, 3, 32, 32] + ex_input = torch.ones(input_shape).to(device) + model.eval() + with disable_patching(): + fx_model = capture_pre_autograd_graph(model, args=(ex_input,)) + apply_quantization_transformations(fx_model) + return fx_model diff --git a/tests/torch/fx/test_bias_correction.py b/tests/torch/fx/test_bias_correction.py new file mode 100644 index 00000000000..72fd2de8006 --- /dev/null +++ b/tests/torch/fx/test_bias_correction.py @@ -0,0 +1,214 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import re +from typing import Any, Dict, List + +import numpy as np +import openvino as ov +import pytest +import torch.fx + +from nncf.common.factory import NNCFGraphFactory +from nncf.experimental.torch.fx.model_utils import remove_fq_from_inputs +from nncf.experimental.torch.fx.nncf_graph_builder import GraphConverter +from nncf.experimental.torch.fx.node_utils import get_bias_value +from nncf.quantization.algorithms.bias_correction.torch_fx_backend import FXBiasCorrectionAlgoBackend +from tests.cross_fw.test_templates.helpers import ConvTestModel +from tests.cross_fw.test_templates.helpers import MultipleConvTestModel +from tests.cross_fw.test_templates.helpers import SplittedModel +from tests.cross_fw.test_templates.test_bias_correction import TemplateTestBCAlgorithm +from tests.torch.fx.helpers import get_torch_fx_model + + +class TestFXBCAlgorithm(TemplateTestBCAlgorithm): + + @staticmethod + def list_to_backend_type(data: List) -> torch.Tensor: + return torch.tensor(data) + + @staticmethod + def get_backend() -> FXBiasCorrectionAlgoBackend: + return FXBiasCorrectionAlgoBackend + + @staticmethod + def backend_specific_model(model: torch.nn.Module, tmp_dir: str) -> torch.fx.GraphModule: + return get_torch_fx_model(model) + + @staticmethod + def fn_to_type(tensor) -> np.ndarray: + return np.array(tensor) + + @staticmethod + def get_transform_fn() -> callable: + def transform_fn(data_item): + return torch.tensor(data_item[0]) + + return transform_fn + + @staticmethod + def map_references(ref_biases: Dict, model_cls: Any) -> Dict[str, List]: + if model_cls is ConvTestModel: + return {"conv2d": ref_biases["/conv/Conv"]} + mapping = dict() + for name, value in ref_biases.items(): + conv_idx = int(name[re.search(r"\d", name).start()]) + conv_idx -= 1 + conv_idx = "_" + str(conv_idx) if conv_idx else "" + fx_name = "conv2d" + conv_idx + mapping[fx_name] = value + return mapping + + @staticmethod + def remove_fq_from_inputs(model: torch.fx.GraphModule) -> torch.fx.GraphModule: + graph = GraphConverter.create_nncf_graph(model) + return remove_fq_from_inputs(model, graph) + + @staticmethod + def check_bias(model: ov.Model, ref_biases: Dict) -> None: + nncf_graph = NNCFGraphFactory.create(model) + for ref_name, ref_value in ref_biases.items(): + node = nncf_graph.get_node_by_name(ref_name) + ref_value = torch.tensor(ref_value) + curr_value = get_bias_value(node, nncf_graph, model).data + curr_value = curr_value.reshape(ref_value.shape) + assert all(torch.isclose(curr_value, ref_value, atol=0.01)), f"{curr_value} != {ref_value}" + + @pytest.mark.parametrize( + "layer_name, ref_data", + ( + ( + "conv2d", + { + "collected_inputs": { + ("concat", 1): ("arg0_1", 0), + ("conv2d", 0): ("concat", 0), + }, + "subgraph_data": { + "subgraph_input_ids": {("conv2d", 0)}, + "subgraph_output_ids": {("getitem", 0), ("max_pool2d", 0), ("getitem_1", 0)}, + }, + }, + ), + ( + "conv2d_1", + { + "collected_inputs": { + ("conv2d", 0): ("concat", 0), + ("conv2d_1", 0): ("max_pool2d", 0), + ("conv2d_3", 0): ("getitem", 0), + ("conv2d_5", 0): ("getitem_1", 0), + }, + "subgraph_data": { + "subgraph_input_ids": {("conv2d_1", 0)}, + "subgraph_output_ids": {("relu_1", 0)}, + }, + }, + ), + ( + "conv2d_2", + { + "collected_inputs": { + ("conv2d", 0): ("concat", 0), + ("conv2d_1", 0): ("max_pool2d", 0), + ("conv2d_2", 0): ("relu_1", 0), + ("conv2d_3", 0): ("getitem", 0), + ("conv2d_5", 0): ("getitem_1", 0), + }, + "subgraph_data": { + "subgraph_input_ids": {("conv2d", 0), ("conv2d_2", 0)}, + "subgraph_output_ids": {("getitem", 0), ("getitem_1", 0)}, + }, + }, + ), + ( + "conv2d_3", + { + "collected_inputs": { + ("conv2d_3", 0): ("getitem", 0), + ("conv2d_5", 0): ("getitem_1", 0), + }, + "subgraph_data": { + "subgraph_input_ids": {("conv2d_3", 0)}, + "subgraph_output_ids": {("relu_2", 0)}, + }, + }, + ), + ( + "conv2d_5", + { + "collected_inputs": { + ("conv2d_4", 0): ("relu_2", 0), + ("conv2d_5", 0): ("getitem_1", 0), + }, + "subgraph_data": { + "subgraph_input_ids": {("conv2d_4", 0), ("conv2d_5", 0)}, + "subgraph_output_ids": {("add_3", 0), ("concat_1", 0)}, + }, + }, + ), + ( + "conv2d_9", + { + "collected_inputs": { + ("conv2d_7", 0): ("conv_6", 0), + ("conv2d_8", 0): ("add_2", 0), + ("conv2d_9", 0): ("concat", 0), + }, + "subgraph_data": { + "subgraph_input_ids": { + ("conv2d_7", 0), + ("conv2d_8", 0), + ("conv2d_9", 0), + }, + "subgraph_output_ids": {("concat_2", 0)}, + }, + }, + ), + ( + "matmul", + { + "collected_inputs": { + ("matmul", 0): ("reshape", 0), + }, + "subgraph_data": { + "subgraph_input_ids": {("matmul", 0)}, + "subgraph_output_ids": {("reshape_1", 0), ("add_4", 0)}, + }, + }, + ), + ), + ) + def test__get_subgraph_data_for_node(self, quantized_test_model, layer_name, ref_data): + return super().test__get_subgraph_data_for_node(quantized_test_model, layer_name, ref_data) + + @pytest.mark.parametrize( + "model_cls, ref_stat_inputs_map", + ( + ( + SplittedModel, + { + ("conv2d", 0): ("concat", 0), + ("concat", 1): ("arg0_1", 0), + }, + ), + ( + MultipleConvTestModel, + { + ("conv2d", 0): ("arg0_1", 0), + ("conv2d_2", 0): ("arg0_1", 0), + }, + ), + (ConvTestModel, {("conv2d", 0): ("arg0_1", 0)}), + ), + ) + def test_verify_collected_stat_inputs_map(self, model_cls, ref_stat_inputs_map, tmpdir): + return super().test_verify_collected_stat_inputs_map(model_cls, ref_stat_inputs_map, tmpdir) diff --git a/tests/torch/fx/test_fast_bias_correction.py b/tests/torch/fx/test_fast_bias_correction.py index dcc5b1e5e8d..4fa7d0b64fc 100644 --- a/tests/torch/fx/test_fast_bias_correction.py +++ b/tests/torch/fx/test_fast_bias_correction.py @@ -14,14 +14,12 @@ import pytest import torch import torch.fx -from torch._export import capture_pre_autograd_graph from nncf.common.factory import NNCFGraphFactory -from nncf.experimental.torch.fx.transformations import apply_quantization_transformations from nncf.quantization.algorithms.fast_bias_correction.torch_fx_backend import FXFastBiasCorrectionAlgoBackend -from nncf.torch.dynamic_graph.patch_pytorch import disable_patching from nncf.torch.model_graph_manager import OPERATORS_WITH_BIAS_METATYPES from tests.cross_fw.test_templates.test_fast_bias_correction import TemplateTestFBCAlgorithm +from tests.torch.fx.helpers import get_torch_fx_model class TestTorchFXFBCAlgorithm(TemplateTestFBCAlgorithm): @@ -33,21 +31,9 @@ def list_to_backend_type(data: List) -> torch.Tensor: def get_backend() -> FXFastBiasCorrectionAlgoBackend: return FXFastBiasCorrectionAlgoBackend - def _get_fx_model(model: torch.nn.Module) -> torch.fx.GraphModule: - device = next(model.named_parameters())[1].device - input_shape = model.INPUT_SIZE - if input_shape is None: - input_shape = [1, 3, 32, 32] - ex_input = torch.ones(input_shape).to(device) - model.eval() - with disable_patching(): - fx_model = capture_pre_autograd_graph(model, args=(ex_input,)) - apply_quantization_transformations(fx_model) - return fx_model - @staticmethod def backend_specific_model(model: torch.nn.Module, tmp_dir: str) -> torch.fx.GraphModule: - fx_model = TestTorchFXFBCAlgorithm._get_fx_model(model) + fx_model = get_torch_fx_model(model) return fx_model @staticmethod @@ -86,7 +72,7 @@ def list_to_backend_type(data: List) -> torch.Tensor: @staticmethod def backend_specific_model(model: bool, tmp_dir: str): - fx_cuda_model = TestTorchFXFBCAlgorithm._get_fx_model(model.cuda()) + fx_cuda_model = get_torch_fx_model(model.cuda()) return fx_cuda_model @staticmethod diff --git a/tests/torch/fx/test_model_transformer.py b/tests/torch/fx/test_model_transformer.py index 7edb8fa482d..2dc6d251d5f 100644 --- a/tests/torch/fx/test_model_transformer.py +++ b/tests/torch/fx/test_model_transformer.py @@ -17,14 +17,18 @@ import torch from torch._export import capture_pre_autograd_graph +from nncf.common.graph.transformations.commands import TargetType from nncf.common.graph.transformations.layout import TransformationLayout from nncf.experimental.torch.fx.model_transformer import FXModelTransformer from nncf.experimental.torch.fx.nncf_graph_builder import GraphConverter +from nncf.experimental.torch.fx.transformations import output_insertion_transformation_builder from nncf.torch import disable_patching from nncf.torch.graph.transformations.commands import PTModelExtractionCommand +from nncf.torch.graph.transformations.commands import PTTargetPoint from tests.torch.test_compressed_graph import check_graph from tests.torch.test_models.synthetic import ConvolutionWithAllConstantInputsModel from tests.torch.test_models.synthetic import ConvolutionWithNotTensorBiasModel +from tests.torch.test_models.synthetic import MultiBranchesConnectedModel @dataclass @@ -32,10 +36,10 @@ class ModelExtractionTestCase: model: torch.nn.Module input_shape: Tuple[int, ...] command: PTModelExtractionCommand - ref: None = None EXTRACTED_GRAPHS_DIR_NAME = Path("fx") / "extracted" +TRANSFORMED_GRAPH_DIR_NAME = Path("fx") / "transformed" MODEL_EXTRACTION_CASES = ( ModelExtractionTestCase( @@ -44,22 +48,79 @@ class ModelExtractionTestCase: ModelExtractionTestCase( ConvolutionWithAllConstantInputsModel, (1, 1, 3, 3), PTModelExtractionCommand(["conv2d"], ["conv2d"]) ), + ModelExtractionTestCase( + MultiBranchesConnectedModel, (1, 3, 3, 3), PTModelExtractionCommand(["conv2d_1"], ["add__1"]) + ), + ModelExtractionTestCase( + MultiBranchesConnectedModel, (1, 3, 3, 3), PTModelExtractionCommand(["conv2d"], ["add_", "add"]) + ), + ModelExtractionTestCase( + MultiBranchesConnectedModel, (1, 3, 3, 3), PTModelExtractionCommand(["conv2d", "conv2d_1"], ["add_", "add__1"]) + ), + ModelExtractionTestCase( + MultiBranchesConnectedModel, (1, 3, 3, 3), PTModelExtractionCommand(["conv2d"], ["conv2d_2"]) + ), + ModelExtractionTestCase( + MultiBranchesConnectedModel, (1, 3, 3, 3), PTModelExtractionCommand(["conv2d"], ["add__1"]) + ), ) +def get_test_id(test_case: ModelExtractionTestCase): + return test_case.model.__name__ + "_".join(test_case.command.input_node_names + test_case.command.output_node_names) + + def idfn(value: Any): if isinstance(value, ModelExtractionTestCase): - return value.model.__name__ + return get_test_id(value) return None -@pytest.mark.parametrize("test_case", MODEL_EXTRACTION_CASES, ids=idfn) -def test_model_extraction(test_case: ModelExtractionTestCase): +def _target_point_to_str(target_point: PTTargetPoint) -> str: + return "_".join( + map(str, (target_point.target_node_name, target_point.target_type.value, target_point.input_port_id)) + ) + + +def _capture_model(model: torch.nn.Module, inputs: torch.Tensor) -> torch.fx.GraphModule: with torch.no_grad(): with disable_patching(): - captured_model = capture_pre_autograd_graph(test_case.model(), (torch.ones(test_case.input_shape),)) + return capture_pre_autograd_graph(model, (inputs,)) + + +@pytest.mark.parametrize("test_case", MODEL_EXTRACTION_CASES, ids=idfn) +def test_model_extraction(test_case: ModelExtractionTestCase): + captured_model = _capture_model(test_case.model(), torch.ones(test_case.input_shape)) layout = TransformationLayout() layout.register(test_case.command) extracted_model = FXModelTransformer(captured_model).transform(layout) nncf_graph = GraphConverter.create_nncf_graph(extracted_model) - check_graph(nncf_graph, f"{test_case.model.__name__}.dot", str(EXTRACTED_GRAPHS_DIR_NAME)) + check_graph(nncf_graph, f"{get_test_id(test_case)}.dot", str(EXTRACTED_GRAPHS_DIR_NAME)) + + +MultiBranchesConnectedModel_TARGET_POINTS = ( + PTTargetPoint(TargetType.OPERATOR_PRE_HOOK, "conv2d", input_port_id=0), + PTTargetPoint(TargetType.OPERATOR_PRE_HOOK, "conv2d", input_port_id=1), + PTTargetPoint(TargetType.OPERATION_WITH_WEIGHTS, "conv2d_1", input_port_id=1), + PTTargetPoint(TargetType.OPERATOR_POST_HOOK, "conv2d"), +) + + +@pytest.mark.parametrize("tuple_output", [False, True], ids=["node_out", "tuple_out"]) +@pytest.mark.parametrize("target_point", MultiBranchesConnectedModel_TARGET_POINTS) +def test_output_insertion_transformation(tuple_output, target_point): + model = MultiBranchesConnectedModel() + captured_model = _capture_model(model, torch.ones((1, 3, 3, 3))) + + if not tuple_output: + output_node = [node for node in captured_model.graph.nodes if node.op == "output"][0] + output_node.args = (output_node.args[0][0],) + captured_model.recompile() + + transformation = output_insertion_transformation_builder(target_point) + transformation(captured_model) + + nncf_graph = GraphConverter.create_nncf_graph(captured_model) + check_graph( + nncf_graph, f"output_insertion_{_target_point_to_str(target_point)}_ref.dot", TRANSFORMED_GRAPH_DIR_NAME + ) diff --git a/tests/torch/test_models/synthetic.py b/tests/torch/test_models/synthetic.py index 06a54579e49..36a7db2a477 100644 --- a/tests/torch/test_models/synthetic.py +++ b/tests/torch/test_models/synthetic.py @@ -522,3 +522,20 @@ def __init__(self): def forward(self, x): w = self._conv_w + 10 return x + nn.functional.conv2d(self._conv_i, w) + + +class MultiBranchesConnectedModel(torch.nn.Module): + def __init__(self): + super().__init__() + self.conv_a = nn.Conv2d(in_channels=3, out_channels=3, kernel_size=1) + self.conv_b = nn.Conv2d(in_channels=3, out_channels=3, kernel_size=1) + self.conv_c = nn.Conv2d(in_channels=3, out_channels=3, kernel_size=1) + self.bias = torch.tensor([1]) + + def forward(self, x): + a = self.conv_a(x) + b = self.conv_b(a) + a += self.bias + b += self.bias + y = a + b + return self.conv_c(y) + self.bias From 345462643b680a91aa5166b4b0e609f2eb09e080 Mon Sep 17 00:00:00 2001 From: Maksim Proshin Date: Mon, 2 Sep 2024 12:20:02 +0400 Subject: [PATCH 4/5] Added link to HF compressed models (#2939) ### Changes Added link to HF compressed models --------- Co-authored-by: Alexander Suslov --- docs/ModelZoo.md | 6 ++++-- 1 file changed, 4 insertions(+), 2 deletions(-) diff --git a/docs/ModelZoo.md b/docs/ModelZoo.md index 70f1cbe1d71..9dad44aaacc 100644 --- a/docs/ModelZoo.md +++ b/docs/ModelZoo.md @@ -1,8 +1,10 @@ # NNCF Compressed Model Zoo -Here we present the results achieved using our sample scripts, example patches to third-party repositories and NNCF configuration files. +Ready-to-use **Compressed LLMs** can be found on [OpenVINO Hugging Face page](https://huggingface.co/OpenVINO#models). Each model card includes NNCF parameters that were used to compress the model. -The applied quantization compression algorithms are divided into two broad categories: Quantization-Aware Training ([QAT](../README.md#training-time-compression)) and Post-Training Quantization ([PTQ](../README.md#post-training-quantization)). Here we mainly report the QAT results and the PTQ results may be found on an OpenVino Performance Benchmarks [page](https://docs.openvino.ai/2024/about-openvino/performance-benchmarks.html). +**INT8 Post-Training Quantization** ([PTQ](../README.md#post-training-quantization)) results for public Vision, NLP and GenAI models can be found on [OpenVino Performance Benchmarks page](https://docs.openvino.ai/2024/about-openvino/performance-benchmarks.html). PTQ results for ONNX models are available in the [ONNX](#onnx) section below. + +**Quantization-Aware Training** ([QAT](../README.md#training-time-compression)) results for PyTorch and TensorFlow public models can be found below. - [PyTorch](#pytorch) - [Classification](#pytorch-classification) From 03f65a7b8128cf340aaafd4c1cc10b93295f3ba0 Mon Sep 17 00:00:00 2001 From: Aleksei Kashapov Date: Mon, 2 Sep 2024 13:49:14 +0200 Subject: [PATCH 5/5] [Quantization] Add quantizer filter pass to Solver (#2903) ### Changes Add a filtering pass in QuantizerPropagationSolver to remove unnessecary quantizers. ### Reason for changes The motivation is to remove not propagated quantizers before elementwise operations with constants or constant subgraphs. These quantizers do not influence performance and could badly influence accuracy metrics. ### Related tickets 144218 ### Tests Many tests reference were updated for all backends. I checked every changes and for all of them the new changes look correct. LSTM synthetic model from OpenVINO backend: ![image](https://github.com/user-attachments/assets/2f197cb0-8284-4caa-9895-6ff6faf7fa0f) ![image](https://github.com/user-attachments/assets/c5dfbf59-9e5e-4ff3-80eb-077cda45c722) --- .../quantizer_propagation/solver.py | 70 +- nncf/onnx/graph/metatypes/groups.py | 19 + nncf/onnx/graph/metatypes/onnx_metatypes.py | 35 +- .../algorithms/min_max/algorithm.py | 2 +- .../algorithms/min_max/backend.py | 7 + .../algorithms/min_max/onnx_backend.py | 5 + .../algorithms/min_max/openvino_backend.py | 5 + .../algorithms/min_max/torch_backend.py | 5 + .../algorithms/min_max/torch_fx_backend.py | 5 + nncf/tensorflow/quantization/algorithm.py | 4 +- nncf/torch/graph/operator_metatypes.py | 19 + nncf/torch/quantization/algo.py | 3 +- .../synthetic/float64_model.dot | 6 +- .../quantization/MaskRCNN-12.dot | 11554 +++++++------- .../quantization/synthetic/float64_model.dot | 16 +- tests/onnx/models.py | 34 +- .../quantized/GroupNormalizationModel.dot | 59 + .../reference_graphs/quantized/LSTMModel.dot | 200 + .../quantized/ScaleShiftReluModel.dot | 63 + .../GroupNormalizationModel_mixed.json | 168 + .../GroupNormalizationModel_performance.json | 168 + .../reference_scales/LSTMModel_mixed.json | 7778 ++++++++++ .../LSTMModel_performance.json | 7778 ++++++++++ .../LSTMSequenceModel_mixed.json | 12396 ++++++++++++++++ .../LSTMSequenceModel_performance.json | 12396 ++++++++++++++++ .../ScaleShiftReluModel_mixed.json | 74 + .../ScaleShiftReluModel_performance.json | 74 + .../native/quantization/test_ptq_params.py | 2 +- .../quantization/test_unified_scales.py | 5 +- .../quantized/asymmetric/inception_v3.dot | 2188 ++- .../quantized/asymmetric/lstm_bi_seq.dot | 222 +- .../quantized/asymmetric/lstm_bi_stacked.dot | 474 +- .../quantized/asymmetric/lstm_cell.dot | 64 +- .../quantized/asymmetric/lstm_uni_seq.dot | 106 +- .../quantized/asymmetric/lstm_uni_stacked.dot | 228 +- .../quantized/hw/CPU/inception_v3.dot | 12 +- .../quantized/hw/GPU/inception_v3.dot | 12 +- .../quantized/hw/NPU/inception_v3.dot | 12 +- .../quantized/ptq/symmetric/inception_v3.dot | 3324 +++-- .../quantized/ptq/symmetric/ssd_vgg.dot | 712 +- .../quantized/symmetric/inception_v3.dot | 2188 ++- .../quantized/symmetric/lstm_bi_seq.dot | 222 +- .../quantized/symmetric/lstm_bi_stacked.dot | 474 +- .../quantized/symmetric/lstm_cell.dot | 64 +- .../quantized/symmetric/lstm_uni_seq.dot | 106 +- .../quantized/symmetric/lstm_uni_stacked.dot | 228 +- .../ConvolutionWithMinModel.dot | 11 + .../quantized/synthetic_model/min.dot | 9 - .../quantized_rb_sparsity/inception_v3.dot | 2948 ++-- .../quantized_rb_sparsity/lstm_bi_seq.dot | 238 +- .../quantized_rb_sparsity/lstm_bi_stacked.dot | 522 +- .../quantized_rb_sparsity/lstm_cell.dot | 64 +- .../quantized_rb_sparsity/lstm_uni_seq.dot | 106 +- .../lstm_uni_stacked.dot | 244 +- tests/torch/modules/test_rnn.py | 8 +- .../quantization/test_quantization_metric.py | 2 +- tests/torch/test_compressed_graph.py | 3 +- tests/torch/test_models/synthetic.py | 11 + 58 files changed, 54481 insertions(+), 13271 deletions(-) create mode 100644 tests/openvino/native/data/2024.3/reference_graphs/quantized/GroupNormalizationModel.dot create mode 100644 tests/openvino/native/data/2024.3/reference_graphs/quantized/LSTMModel.dot create mode 100644 tests/openvino/native/data/2024.3/reference_graphs/quantized/ScaleShiftReluModel.dot create mode 100644 tests/openvino/native/data/2024.3/reference_scales/GroupNormalizationModel_mixed.json create mode 100644 tests/openvino/native/data/2024.3/reference_scales/GroupNormalizationModel_performance.json create mode 100644 tests/openvino/native/data/2024.3/reference_scales/LSTMModel_mixed.json create mode 100644 tests/openvino/native/data/2024.3/reference_scales/LSTMModel_performance.json create mode 100644 tests/openvino/native/data/2024.3/reference_scales/LSTMSequenceModel_mixed.json create mode 100644 tests/openvino/native/data/2024.3/reference_scales/LSTMSequenceModel_performance.json create mode 100644 tests/openvino/native/data/2024.3/reference_scales/ScaleShiftReluModel_mixed.json create mode 100644 tests/openvino/native/data/2024.3/reference_scales/ScaleShiftReluModel_performance.json create mode 100644 tests/torch/data/reference_graphs/quantized/synthetic_model/ConvolutionWithMinModel.dot delete mode 100644 tests/torch/data/reference_graphs/quantized/synthetic_model/min.dot diff --git a/nncf/common/quantization/quantizer_propagation/solver.py b/nncf/common/quantization/quantizer_propagation/solver.py index f16771efcf2..ac9b0bef8df 100644 --- a/nncf/common/quantization/quantizer_propagation/solver.py +++ b/nncf/common/quantization/quantizer_propagation/solver.py @@ -468,7 +468,9 @@ def _filter_by_weight_ignored_target_scopes( nncf_logger.debug(f"Ignored adding weight quantizer for: {node_name}") return weight_quantizable_node_names_vs_qconfigs - def run_on_ip_graph(self, ip_graph: InsertionPointGraph) -> QuantizationProposal: + def run_on_ip_graph( + self, ip_graph: InsertionPointGraph, metatypes_for_filter: Optional[List[OperatorMetatype]] = None + ) -> QuantizationProposal: """ The main function to be used on an InsertionPointGraph to produce the list of insertion commands and configs corresponding to the desired quantized @@ -479,6 +481,7 @@ def run_on_ip_graph(self, ip_graph: InsertionPointGraph) -> QuantizationProposal :param ip_graph: The InsertionPointGraph, potentially with fused operations w.r.t. the original model graph. The propagating quantizers will travel along the pre- and post- hook nodes registered in this graph. + :param metatypes_for_filter: Metatypes are used for the removal criterion. :return: The intermediate propagation state in the form of QuantizationProposal, which defines unambiguously the locations of the propagating quantizers, but not the final configurations. @@ -513,6 +516,8 @@ def run_on_ip_graph(self, ip_graph: InsertionPointGraph) -> QuantizationProposal iteration_counter += 1 quant_prop_graph = self._filter_integer_input_quantizers(quant_prop_graph) + if metatypes_for_filter: + quant_prop_graph = self._filter_quantizers_by_metatypes(quant_prop_graph, metatypes_for_filter) if self._visualizer is not None: self._visualizer.visualize_quantizer_propagation(self, quant_prop_graph, "proposed") @@ -1597,3 +1602,66 @@ def _filter_integer_input_quantizers( quant_prop_graph.remove_propagating_quantizer(integer_input_pq) return quant_prop_graph + + def _filter_quantizers_by_metatypes( + self, quant_prop_graph: QuantizerPropagationStateGraph, metatypes: List[OperatorMetatype] + ) -> QuantizerPropagationStateGraph: + """ + Removes quantizers for which _is_quantizer_to_remove returns True. + + :param quant_prop_graph: The quantizer propagation state graph. + :param metatypes: Metatypes are used for the removal criterion. + :return: Filtered quantizer propagation state graph. + """ + + def _is_quantizer_to_remove( + quant_prop_graph: QuantizerPropagationStateGraph, + quantizer: PropagatingQuantizer, + metatypes: List[OperatorMetatype], + ) -> bool: + """ + Returns True if the quantizer meets the criteria for removal. The criteria are as follows: + 1. The quantizer is generated from a node whose metatype is in the provided metatypes. + 2. The quantizer is not propagated. + 3. The quantizer has only one child. + 4. The quantized node generates only one activation quantizer. + The function relies on the fact that considered metatypes should have two inputs. + In that case, if considered node at InsertionPointGraph has only one input, + it means that the another one is a constant. + + :param quant_prop_graph: The quantizer propagation state graph holding the `quantizer`. + :param quantizer: The propagating quantizer to be currently considered. + :param metatypes: Metatypes are used for the criterion. + :return: True if quantizer satisfies the criteria, otherwise - False. + """ + quantizer_children = quantizer.quantized_input_sink_operator_nodes + quantized_node_metatype = quant_prop_graph.nodes[quantized_node_key][ + QuantizerPropagationStateGraph.OPERATOR_METATYPE_NODE_ATTR + ] + quantizers_generated_for_node = quant_prop_graph.nodes[quantized_node_key][ + quant_prop_graph.AFFECTING_PROPAGATING_QUANTIZERS_ATTR + ] + + is_one_quantizer_generated_for_node = len(quantizers_generated_for_node) == 1 + is_one_child = len(quantizer_children) == 1 + is_metatype_to_filter = quantized_node_metatype in metatypes + is_quantizer_not_propagated = len(quantizer.propagation_path) <= 1 + + return ( + is_one_child + and is_metatype_to_filter + and is_one_quantizer_generated_for_node + and is_quantizer_not_propagated + ) + + quantizers = self._finished_propagating_quantizers + to_remove_quantizers = [] + for quantizer in quantizers: + quantized_node_key = next(iter(quantizer.quantized_input_sink_operator_nodes)) + if _is_quantizer_to_remove(quant_prop_graph, quantizer, metatypes): + nncf_logger.debug(f"Quantizer generated for a node {quantized_node_key} will be removed.") + to_remove_quantizers.append(quantizer) + for quantizer in to_remove_quantizers: + quant_prop_graph.remove_propagating_quantizer(quantizer) + self._finished_propagating_quantizers.remove(quantizer) + return quant_prop_graph diff --git a/nncf/onnx/graph/metatypes/groups.py b/nncf/onnx/graph/metatypes/groups.py index 561e1340595..c6c3a567d7b 100644 --- a/nncf/onnx/graph/metatypes/groups.py +++ b/nncf/onnx/graph/metatypes/groups.py @@ -104,6 +104,25 @@ onnx_metatypes.ONNXDivLayerMetatype, ] +ELEMENTWISE_OPERATIONS = [ + onnx_metatypes.ONNXAddLayerMetatype, + onnx_metatypes.ONNXMulLayerMetatype, + onnx_metatypes.ONNXSubMetatype, + onnx_metatypes.ONNXDivLayerMetatype, + onnx_metatypes.ONNXLessMetatype, + onnx_metatypes.ONNXLessOrEqualMetatype, + onnx_metatypes.ONNXGreaterMetatype, + onnx_metatypes.ONNXGreaterOrEqualMetatype, + onnx_metatypes.ONNXEqualMetatype, + onnx_metatypes.ONNXModMetatype, + onnx_metatypes.ONNXOrMetatype, + onnx_metatypes.ONNXNotMetatype, + onnx_metatypes.ONNXAndMetatype, + onnx_metatypes.ONNXXOrMetatype, + onnx_metatypes.ONNXMaximumMetatype, + onnx_metatypes.ONNXMinimumMetatype, + onnx_metatypes.ONNXMeanMetatype, +] OPERATIONS_WITH_WEIGHTS = [ *CONSTANT_WEIGHT_LAYER_METATYPES, diff --git a/nncf/onnx/graph/metatypes/onnx_metatypes.py b/nncf/onnx/graph/metatypes/onnx_metatypes.py index 2105f31a216..9e45490cd92 100644 --- a/nncf/onnx/graph/metatypes/onnx_metatypes.py +++ b/nncf/onnx/graph/metatypes/onnx_metatypes.py @@ -343,6 +343,13 @@ class ONNXLessMetatype(ONNXOpMetatype): hw_config_names = [HWConfigOpName.LESS] +@ONNX_OPERATION_METATYPES.register() +class ONNXLessOrEqualMetatype(ONNXOpMetatype): + name = "LessOrEqualOp" + op_names = ["LessOrEqual"] + hw_config_names = [HWConfigOpName.LESSEQUAL] + + @ONNX_OPERATION_METATYPES.register() class ONNXGreaterMetatype(ONNXOpMetatype): name = "GreaterOp" @@ -350,6 +357,13 @@ class ONNXGreaterMetatype(ONNXOpMetatype): hw_config_names = [HWConfigOpName.GREATER] +@ONNX_OPERATION_METATYPES.register() +class ONNXGreaterOrEqualMetatype(ONNXOpMetatype): + name = "GreaterOrEqualOp" + op_names = ["GreaterOrEqual"] + hw_config_names = [HWConfigOpName.GREATEREQUAL] + + @ONNX_OPERATION_METATYPES.register() class ONNXEqualMetatype(ONNXOpMetatype): name = "EqualOp" @@ -378,6 +392,20 @@ class ONNXOrMetatype(ONNXOpMetatype): hw_config_names = [HWConfigOpName.LOGICALOR] +@ONNX_OPERATION_METATYPES.register() +class ONNXXOrMetatype(ONNXOpMetatype): + name = "XorOp" + op_names = ["Xor"] + hw_config_names = [HWConfigOpName.LOGICALXOR] + + +@ONNX_OPERATION_METATYPES.register() +class ONNXModMetatype(ONNXOpMetatype): + name = "ModOp" + op_names = ["Mod"] + hw_config_names = [HWConfigOpName.FLOORMOD] + + @ONNX_OPERATION_METATYPES.register() class ONNXMaximumMetatype(ONNXOpMetatype): name = "MaxOp" @@ -392,11 +420,16 @@ class ONNXMinimumMetatype(ONNXOpMetatype): hw_config_names = [HWConfigOpName.MINIMUM] +@ONNX_OPERATION_METATYPES.register() +class ONNXMeanMetatype(ONNXOpMetatype): + name = "MeanOp" + op_names = ["Mean"] + + @ONNX_OPERATION_METATYPES.register() class ONNXFloorMetatype(ONNXOpMetatype): name = "FloorOp" op_names = ["Floor"] - hw_config_names = [HWConfigOpName.FLOORMOD] @ONNX_OPERATION_METATYPES.register() diff --git a/nncf/quantization/algorithms/min_max/algorithm.py b/nncf/quantization/algorithms/min_max/algorithm.py index 6306f6736c2..976e0e34c85 100644 --- a/nncf/quantization/algorithms/min_max/algorithm.py +++ b/nncf/quantization/algorithms/min_max/algorithm.py @@ -623,7 +623,7 @@ def _get_quantizer_setup( scope_overrides=scope_overrides, ) - quantization_proposal = solver.run_on_ip_graph(ip_graph) + quantization_proposal = solver.run_on_ip_graph(ip_graph, self._backend_entity.elementwise_metatypes) multi_config_setup = quantization_proposal.quantizer_setup single_config_setup = multi_config_setup.select_first_qconfig_for_each_point() finalized_proposal = quantization_proposal.finalize(single_config_setup) diff --git a/nncf/quantization/algorithms/min_max/backend.py b/nncf/quantization/algorithms/min_max/backend.py index 73befbe90c7..0d93149c635 100644 --- a/nncf/quantization/algorithms/min_max/backend.py +++ b/nncf/quantization/algorithms/min_max/backend.py @@ -75,6 +75,13 @@ def dropout_metatypes(self) -> List[OperatorMetatype]: Property for the backend-specific Dropout metatypes. """ + @property + @abstractmethod + def elementwise_metatypes(self) -> List[OperatorMetatype]: + """ + Property for the backend-specific Elementwises metatypes. + """ + @property @abstractmethod def overflow_fix_metatypes(self) -> List[OperatorMetatype]: diff --git a/nncf/quantization/algorithms/min_max/onnx_backend.py b/nncf/quantization/algorithms/min_max/onnx_backend.py index ce750026a43..9cfc257ad8e 100644 --- a/nncf/quantization/algorithms/min_max/onnx_backend.py +++ b/nncf/quantization/algorithms/min_max/onnx_backend.py @@ -25,6 +25,7 @@ from nncf.experimental.common.tensor_statistics.collectors import TensorCollector from nncf.experimental.common.tensor_statistics.statistics import MinMaxTensorStatistic from nncf.onnx.graph.metatypes import onnx_metatypes as om +from nncf.onnx.graph.metatypes.groups import ELEMENTWISE_OPERATIONS from nncf.onnx.graph.metatypes.groups import MATMUL_METATYPES from nncf.onnx.graph.node_utils import get_input_edges_mapping from nncf.onnx.graph.node_utils import get_quantized_tensor_shape @@ -62,6 +63,10 @@ def post_processing_metatypes(self) -> List[OperatorMetatype]: def conv_metatypes(self) -> List[OperatorMetatype]: return [om.ONNXConvolutionMetatype] + @property + def elementwise_metatypes(self) -> List[OperatorMetatype]: + return ELEMENTWISE_OPERATIONS + @property def overflow_fix_metatypes(self) -> List[OperatorMetatype]: return [ diff --git a/nncf/quantization/algorithms/min_max/openvino_backend.py b/nncf/quantization/algorithms/min_max/openvino_backend.py index fbb420f308e..80776336839 100644 --- a/nncf/quantization/algorithms/min_max/openvino_backend.py +++ b/nncf/quantization/algorithms/min_max/openvino_backend.py @@ -23,6 +23,7 @@ from nncf.experimental.common.tensor_statistics.statistics import MinMaxTensorStatistic from nncf.openvino.graph.layer_attributes import OVLayerAttributes from nncf.openvino.graph.metatypes import openvino_metatypes as om +from nncf.openvino.graph.metatypes.groups import ELEMENTWISE_OPERATIONS from nncf.openvino.graph.metatypes.groups import OPERATIONS_WITH_WEIGHTS from nncf.openvino.graph.model_utils import get_start_nodes_for_activation_path_tracing from nncf.openvino.graph.node_utils import get_weight_channel_axes @@ -59,6 +60,10 @@ def post_processing_metatypes(self) -> List[OperatorMetatype]: def conv_metatypes(self) -> List[OperatorMetatype]: return [om.OVConvolutionMetatype] + @property + def elementwise_metatypes(self) -> List[OperatorMetatype]: + return ELEMENTWISE_OPERATIONS + @property def overflow_fix_metatypes(self) -> List[OperatorMetatype]: return [ diff --git a/nncf/quantization/algorithms/min_max/torch_backend.py b/nncf/quantization/algorithms/min_max/torch_backend.py index 98e41e03745..ee9329c030e 100644 --- a/nncf/quantization/algorithms/min_max/torch_backend.py +++ b/nncf/quantization/algorithms/min_max/torch_backend.py @@ -37,6 +37,7 @@ from nncf.quantization.range_estimator import RangeEstimatorParameters from nncf.torch.graph.graph import PTNNCFGraph from nncf.torch.graph.graph import PTTargetPoint +from nncf.torch.graph.operator_metatypes import ELEMENTWISE_OPERATIONS from nncf.torch.graph.transformations.command_creation import create_quantizer_insertion_command from nncf.torch.graph.transformations.command_creation import create_shared_quantizer_insertion_command from nncf.torch.graph.transformations.commands import PTInsertionCommand @@ -89,6 +90,10 @@ def read_variable_metatypes(self) -> List[OperatorMetatype]: def conv_metatypes(self) -> List[OperatorMetatype]: return [om.PTConv1dMetatype, om.PTConv2dMetatype, om.PTConv3dMetatype] + @property + def elementwise_metatypes(self) -> List[OperatorMetatype]: + return ELEMENTWISE_OPERATIONS + @property def overflow_fix_metatypes(self) -> List[OperatorMetatype]: return [ diff --git a/nncf/quantization/algorithms/min_max/torch_fx_backend.py b/nncf/quantization/algorithms/min_max/torch_fx_backend.py index 996cb7feb48..228049a31e3 100644 --- a/nncf/quantization/algorithms/min_max/torch_fx_backend.py +++ b/nncf/quantization/algorithms/min_max/torch_fx_backend.py @@ -39,6 +39,7 @@ from nncf.quantization.range_estimator import RangeEstimatorParameters from nncf.torch.graph.graph import PTNNCFGraph from nncf.torch.graph.graph import PTTargetPoint +from nncf.torch.graph.operator_metatypes import ELEMENTWISE_OPERATIONS from nncf.torch.graph.transformations.commands import PTSharedFnInsertionCommand from nncf.torch.hardware.config import PTHWConfig from nncf.torch.model_graph_manager import get_weight_tensor_port_ids @@ -83,6 +84,10 @@ def read_variable_metatypes(self) -> List[OperatorMetatype]: def conv_metatypes(self) -> List[OperatorMetatype]: return [om.PTConv1dMetatype, om.PTConv2dMetatype, om.PTConv3dMetatype] + @property + def elementwise_metatypes(self) -> List[OperatorMetatype]: + return ELEMENTWISE_OPERATIONS + @property def overflow_fix_metatypes(self) -> List[OperatorMetatype]: return [ diff --git a/nncf/tensorflow/quantization/algorithm.py b/nncf/tensorflow/quantization/algorithm.py index fab9707ce96..cc9f2a966ce 100644 --- a/nncf/tensorflow/quantization/algorithm.py +++ b/nncf/tensorflow/quantization/algorithm.py @@ -358,6 +358,8 @@ def _build_insertion_commands_for_quantizer_setup( non_unified_scales_quantization_point_ids = set(range(len(quantization_points))) for unified_scales_group in quantizer_setup.get_unified_scale_groups(): + if not unified_scales_group: + continue us_qp_id = unified_scales_group[0] qp = quantization_points[us_qp_id] quantizer_spec = qp.quantizer_spec @@ -640,7 +642,7 @@ def _get_quantizer_propagation_solution( scales_unification_map=scales_unification_map, ) - quantization_proposal = solver.run_on_ip_graph(ip_graph) + quantization_proposal = solver.run_on_ip_graph(ip_graph, ELEMENTWISE_LAYER_METATYPES) multi_config_setup = quantization_proposal.quantizer_setup single_config_setup = multi_config_setup.select_first_qconfig_for_each_point() finalized_proposal = quantization_proposal.finalize(single_config_setup) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index cc6c051c54a..7a182c0d869 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -1141,6 +1141,25 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: PTModuleLinearMetatype, ] +ELEMENTWISE_OPERATIONS = [ + PTAddMetatype, + PTMulMetatype, + PTSubMetatype, + PTDivMetatype, + PTLessMetatype, + PTLessEqualMetatype, + PTGreaterMetatype, + PTGreaterEqualMetatype, + PTEqualsMetatype, + PTNotEqualMetatype, + PTModMetatype, + PTLogicalOrMetatype, + PTLogicalXorMetatype, + PTLogicalAndMetatype, + PTMaxMetatype, + PTMinMetatype, +] + OP_NAMES_WITH_WEIGHTS = [x for meta in OPERATORS_WITH_WEIGHTS_METATYPES for x in meta.get_all_aliases()] QUANTIZE_NODE_TYPES = [ diff --git a/nncf/torch/quantization/algo.py b/nncf/torch/quantization/algo.py index 1766290fe08..331ccbdd545 100644 --- a/nncf/torch/quantization/algo.py +++ b/nncf/torch/quantization/algo.py @@ -81,6 +81,7 @@ from nncf.torch.compression_method_api import PTCompressionAlgorithmBuilder from nncf.torch.compression_method_api import PTCompressionAlgorithmController from nncf.torch.graph.graph import PTNNCFGraph +from nncf.torch.graph.operator_metatypes import ELEMENTWISE_OPERATIONS from nncf.torch.graph.operator_metatypes import UNIFICATION_PRODUCING_METATYPES from nncf.torch.graph.operator_metatypes import PTCatMetatype from nncf.torch.graph.operator_metatypes import PTModuleConv2dMetatype @@ -375,7 +376,7 @@ def generate_setup(self) -> SingleConfigQuantizerSetup: merged_ip_graph = insertion_point_graph.get_ip_graph_with_merged_hw_optimized_operations( self._pattern_fusing_graph ) - quantization_proposal = prop_graph_solver.run_on_ip_graph(merged_ip_graph) + quantization_proposal = prop_graph_solver.run_on_ip_graph(merged_ip_graph, ELEMENTWISE_OPERATIONS) self._num_potential_quantized_activations = prop_graph_solver.get_num_potential_quantized_activations() quantizer_setup = deepcopy(quantization_proposal.quantizer_setup) diff --git a/tests/onnx/data/reference_graphs/original_nncf_graph/synthetic/float64_model.dot b/tests/onnx/data/reference_graphs/original_nncf_graph/synthetic/float64_model.dot index 45ed032523f..56b50cfbbcb 100644 --- a/tests/onnx/data/reference_graphs/original_nncf_graph/synthetic/float64_model.dot +++ b/tests/onnx/data/reference_graphs/original_nncf_graph/synthetic/float64_model.dot @@ -1,11 +1,11 @@ strict digraph { "0 Reciprocal" [id=0, type=Reciprocal]; "1 Cast" [id=1, type=Cast]; -"2 Mul" [id=2, type=Mul]; +"2 Conv1" [id=2, type=Conv]; "3 nncf_model_input_0" [id=3, type=nncf_model_input]; "4 nncf_model_output_0" [id=4, type=nncf_model_output]; "0 Reciprocal" -> "1 Cast" [label="[1, 3, 10, 10]", style=dashed]; -"1 Cast" -> "2 Mul" [label="[1, 3, 10, 10]", style=solid]; -"2 Mul" -> "4 nncf_model_output_0" [label="[1, 3, 10, 10]", style=solid]; +"1 Cast" -> "2 Conv1" [label="[1, 3, 10, 10]", style=solid]; +"2 Conv1" -> "4 nncf_model_output_0" [label="[1, 3, 10, 10]", style=solid]; "3 nncf_model_input_0" -> "0 Reciprocal" [label="[1, 3, 10, 10]", style=dashed]; } diff --git a/tests/onnx/data/reference_graphs/quantization/MaskRCNN-12.dot b/tests/onnx/data/reference_graphs/quantization/MaskRCNN-12.dot index e2a0350705f..c561b783e41 100644 --- a/tests/onnx/data/reference_graphs/quantization/MaskRCNN-12.dot +++ b/tests/onnx/data/reference_graphs/quantization/MaskRCNN-12.dot @@ -1762,2528 +1762,2508 @@ strict digraph { "1760 2525" [id=1760, type=Slice]; "1761 2527" [id=1761, type=Gather]; "1762 2535" [id=1762, type=Sub]; -"1763 QuantizeLinear_2572_1" [id=1763, type=QuantizeLinear]; -"1764 DequantizeLinear_2572_1" [id=1764, type=DequantizeLinear]; -"1765 2537" [id=1765, type=Add]; -"1766 2515" [id=1766, type=Slice]; -"1767 2517" [id=1767, type=Gather]; -"1768 2508" [id=1768, type=Slice]; -"1769 2510" [id=1769, type=Gather]; -"1770 2518" [id=1770, type=Sub]; -"1771 QuantizeLinear_2555_1" [id=1771, type=QuantizeLinear]; -"1772 DequantizeLinear_2555_1" [id=1772, type=DequantizeLinear]; -"1773 2520" [id=1773, type=Add]; -"1774 QuantizeLinear_2574_1" [id=1774, type=QuantizeLinear]; -"1775 DequantizeLinear_2574_1" [id=1775, type=DequantizeLinear]; -"1776 QuantizeLinear_2557_1" [id=1776, type=QuantizeLinear]; -"1777 DequantizeLinear_2557_1" [id=1777, type=DequantizeLinear]; -"1778 2538" [id=1778, type=Mul]; -"1779 QuantizeLinear_2575_1" [id=1779, type=QuantizeLinear]; -"1780 DequantizeLinear_2575_1" [id=1780, type=DequantizeLinear]; -"1781 2539" [id=1781, type=Sqrt]; -"1782 2542" [id=1782, type=Div]; -"1783 QuantizeLinear_2579_1" [id=1783, type=QuantizeLinear]; -"1784 DequantizeLinear_2579_1" [id=1784, type=DequantizeLinear]; -"1785 2543" [id=1785, type=Add]; -"1786 2544" [id=1786, type=Log]; -"1787 2546" [id=1787, type=Div]; -"1788 QuantizeLinear_2583_1" [id=1788, type=QuantizeLinear]; -"1789 DequantizeLinear_2583_1" [id=1789, type=DequantizeLinear]; -"1790 2548" [id=1790, type=Add]; -"1791 QuantizeLinear_2585_1" [id=1791, type=QuantizeLinear]; -"1792 DequantizeLinear_2585_1" [id=1792, type=DequantizeLinear]; -"1793 2549" [id=1793, type=Floor]; -"1794 2550" [id=1794, type=Clip]; -"1795 2551" [id=1795, type=Cast]; -"1796 2553" [id=1796, type=Sub]; -"1797 2555" [id=1797, type=Equal]; -"1798 2557" [id=1798, type=Cast]; -"1799 2558" [id=1799, type=NonZero]; -"1800 2559" [id=1800, type=Transpose]; -"1801 2560" [id=1801, type=Squeeze]; -"1802 2561" [id=1802, type=Cast]; -"1803 2495" [id=1803, type=Slice]; -"1804 2500" [id=1804, type=Slice]; -"1805 2501" [id=1805, type=Shape]; -"1806 2502" [id=1806, type=ConstantOfShape]; -"1807 2503" [id=1807, type=Concat]; -"1808 2562" [id=1808, type=Gather]; -"1809 2568" [id=1809, type=Gather]; -"1810 2564" [id=1810, type=Gather]; -"1811 2565" [id=1811, type=Squeeze]; -"1812 2566" [id=1812, type=Cast]; -"1813 2569" [id=1813, type=RoiAlign]; -"1814 2570" [id=1814, type=Cast]; -"1815 2658" [id=1815, type=Shape]; -"1816 2659" [id=1816, type=Gather]; -"1817 2663" [id=1817, type=Unsqueeze]; -"1818 2655" [id=1818, type=Shape]; -"1819 2656" [id=1819, type=Gather]; -"1820 2662" [id=1820, type=Unsqueeze]; -"1821 2652" [id=1821, type=Shape]; -"1822 2653" [id=1822, type=Gather]; -"1823 2661" [id=1823, type=Unsqueeze]; -"1824 2641" [id=1824, type=Equal]; -"1825 2643" [id=1825, type=Cast]; -"1826 2644" [id=1826, type=NonZero]; -"1827 2645" [id=1827, type=Transpose]; -"1828 2647" [id=1828, type=Reshape]; -"1829 2649" [id=1829, type=Shape]; -"1830 2650" [id=1830, type=Gather]; -"1831 2660" [id=1831, type=Unsqueeze]; -"1832 2664" [id=1832, type=Concat]; -"1833 2665" [id=1833, type=Expand]; -"1834 2666" [id=1834, type=Cast]; -"1835 2632" [id=1835, type=Shape]; -"1836 2633" [id=1836, type=Gather]; -"1837 2637" [id=1837, type=Unsqueeze]; -"1838 2629" [id=1838, type=Shape]; -"1839 2630" [id=1839, type=Gather]; -"1840 2636" [id=1840, type=Unsqueeze]; -"1841 2626" [id=1841, type=Shape]; -"1842 2627" [id=1842, type=Gather]; -"1843 2635" [id=1843, type=Unsqueeze]; -"1844 2623" [id=1844, type=Shape]; -"1845 2624" [id=1845, type=Gather]; -"1846 2634" [id=1846, type=Unsqueeze]; -"1847 2638" [id=1847, type=Concat]; -"1848 2639" [id=1848, type=ConstantOfShape]; -"1849 2667" [id=1849, type=ScatterElements]; -"1850 2572" [id=1850, type=Equal]; -"1851 2574" [id=1851, type=Cast]; -"1852 2575" [id=1852, type=NonZero]; -"1853 2576" [id=1853, type=Transpose]; -"1854 2577" [id=1854, type=Squeeze]; -"1855 2578" [id=1855, type=Cast]; -"1856 2579" [id=1856, type=Gather]; -"1857 2585" [id=1857, type=Gather]; -"1858 2581" [id=1858, type=Gather]; -"1859 2582" [id=1859, type=Squeeze]; -"1860 2583" [id=1860, type=Cast]; -"1861 2586" [id=1861, type=RoiAlign]; -"1862 2587" [id=1862, type=Cast]; -"1863 2686" [id=1863, type=Shape]; -"1864 2687" [id=1864, type=Gather]; -"1865 2691" [id=1865, type=Unsqueeze]; -"1866 2683" [id=1866, type=Shape]; -"1867 2684" [id=1867, type=Gather]; -"1868 2690" [id=1868, type=Unsqueeze]; -"1869 2680" [id=1869, type=Shape]; -"1870 2681" [id=1870, type=Gather]; -"1871 2689" [id=1871, type=Unsqueeze]; -"1872 2669" [id=1872, type=Equal]; -"1873 2671" [id=1873, type=Cast]; -"1874 2672" [id=1874, type=NonZero]; -"1875 2673" [id=1875, type=Transpose]; -"1876 2675" [id=1876, type=Reshape]; -"1877 2677" [id=1877, type=Shape]; -"1878 2678" [id=1878, type=Gather]; -"1879 2688" [id=1879, type=Unsqueeze]; -"1880 2692" [id=1880, type=Concat]; -"1881 2693" [id=1881, type=Expand]; -"1882 2694" [id=1882, type=Cast]; -"1883 2695" [id=1883, type=ScatterElements]; -"1884 2589" [id=1884, type=Equal]; -"1885 2591" [id=1885, type=Cast]; -"1886 2592" [id=1886, type=NonZero]; -"1887 2593" [id=1887, type=Transpose]; -"1888 2594" [id=1888, type=Squeeze]; -"1889 2595" [id=1889, type=Cast]; -"1890 2596" [id=1890, type=Gather]; -"1891 2602" [id=1891, type=Gather]; -"1892 2598" [id=1892, type=Gather]; -"1893 2599" [id=1893, type=Squeeze]; -"1894 2600" [id=1894, type=Cast]; -"1895 2603" [id=1895, type=RoiAlign]; -"1896 2604" [id=1896, type=Cast]; -"1897 2714" [id=1897, type=Shape]; -"1898 2715" [id=1898, type=Gather]; -"1899 2719" [id=1899, type=Unsqueeze]; -"1900 2711" [id=1900, type=Shape]; -"1901 2712" [id=1901, type=Gather]; -"1902 2718" [id=1902, type=Unsqueeze]; -"1903 2708" [id=1903, type=Shape]; -"1904 2709" [id=1904, type=Gather]; -"1905 2717" [id=1905, type=Unsqueeze]; -"1906 2697" [id=1906, type=Equal]; -"1907 2699" [id=1907, type=Cast]; -"1908 2700" [id=1908, type=NonZero]; -"1909 2701" [id=1909, type=Transpose]; -"1910 2703" [id=1910, type=Reshape]; -"1911 2705" [id=1911, type=Shape]; -"1912 2706" [id=1912, type=Gather]; -"1913 2716" [id=1913, type=Unsqueeze]; -"1914 2720" [id=1914, type=Concat]; -"1915 2721" [id=1915, type=Expand]; -"1916 2722" [id=1916, type=Cast]; -"1917 2723" [id=1917, type=ScatterElements]; -"1918 2606" [id=1918, type=Equal]; -"1919 2608" [id=1919, type=Cast]; -"1920 2609" [id=1920, type=NonZero]; -"1921 2610" [id=1921, type=Transpose]; -"1922 2611" [id=1922, type=Squeeze]; -"1923 2612" [id=1923, type=Cast]; -"1924 2613" [id=1924, type=Gather]; -"1925 2619" [id=1925, type=Gather]; -"1926 2615" [id=1926, type=Gather]; -"1927 2616" [id=1927, type=Squeeze]; -"1928 2617" [id=1928, type=Cast]; -"1929 2620" [id=1929, type=RoiAlign]; -"1930 2621" [id=1930, type=Cast]; -"1931 2742" [id=1931, type=Shape]; -"1932 2743" [id=1932, type=Gather]; -"1933 2747" [id=1933, type=Unsqueeze]; -"1934 2739" [id=1934, type=Shape]; -"1935 2740" [id=1935, type=Gather]; -"1936 2746" [id=1936, type=Unsqueeze]; -"1937 2736" [id=1937, type=Shape]; -"1938 2737" [id=1938, type=Gather]; -"1939 2745" [id=1939, type=Unsqueeze]; -"1940 2725" [id=1940, type=Equal]; -"1941 2727" [id=1941, type=Cast]; -"1942 2728" [id=1942, type=NonZero]; -"1943 2729" [id=1943, type=Transpose]; -"1944 2731" [id=1944, type=Reshape]; -"1945 2733" [id=1945, type=Shape]; -"1946 2734" [id=1946, type=Gather]; -"1947 2744" [id=1947, type=Unsqueeze]; -"1948 2748" [id=1948, type=Concat]; -"1949 2749" [id=1949, type=Expand]; -"1950 2750" [id=1950, type=Cast]; -"1951 2751" [id=1951, type=ScatterElements]; -"1952 2757" [id=1952, type=Unsqueeze]; -"1953 QuantizeLinear_2788_1" [id=1953, type=QuantizeLinear]; -"1954 DequantizeLinear_2788_1" [id=1954, type=DequantizeLinear]; -"1955 2753" [id=1955, type=Shape]; -"1956 2754" [id=1956, type=Gather]; -"1957 2756" [id=1957, type=Unsqueeze]; -"1958 2758" [id=1958, type=Concat]; -"1959 2759" [id=1959, type=Reshape]; -"1960 QuantizeLinear_2797_1" [id=1960, type=QuantizeLinear]; -"1961 DequantizeLinear_2797_1" [id=1961, type=DequantizeLinear]; -"1962 2762_MatMul" [id=1962, type=MatMul]; -"1963 2762_Add" [id=1963, type=Add]; -"1964 2763" [id=1964, type=Relu]; -"1965 QuantizeLinear_2800_1" [id=1965, type=QuantizeLinear]; -"1966 DequantizeLinear_2800_1" [id=1966, type=DequantizeLinear]; -"1967 QuantizeLinear_2801_1" [id=1967, type=QuantizeLinear]; -"1968 DequantizeLinear_2801_1" [id=1968, type=DequantizeLinear]; -"1969 2766_MatMul" [id=1969, type=MatMul]; -"1970 2766_Add" [id=1970, type=Add]; -"1971 2767" [id=1971, type=Relu]; -"1972 QuantizeLinear_2804_1" [id=1972, type=QuantizeLinear]; -"1973 DequantizeLinear_2804_1" [id=1973, type=DequantizeLinear]; -"1974 QuantizeLinear_2805_1" [id=1974, type=QuantizeLinear]; -"1975 DequantizeLinear_2805_1" [id=1975, type=DequantizeLinear]; -"1976 2770_MatMul" [id=1976, type=MatMul]; -"1977 2770_Add" [id=1977, type=Add]; -"1978 2774" [id=1978, type=Softmax]; -"1979 2950" [id=1979, type=Shape]; -"1980 2951" [id=1980, type=Gather]; -"1981 2992" [id=1981, type=Unsqueeze]; -"1982 2991" [id=1982, type=Unsqueeze]; -"1983 2993" [id=1983, type=Concat]; -"1984 2955" [id=1984, type=Reshape]; -"1985 2994" [id=1985, type=Reshape]; -"1986 2996" [id=1986, type=Greater]; -"1987 2997" [id=1987, type=Cast]; -"1988 6478" [id=1988, type=Slice]; -"1989 6480" [id=1989, type=Gather]; -"1990 6481" [id=1990, type=Cast]; -"1991 6482" [id=1991, type=NonZero]; -"1992 6483" [id=1992, type=Transpose]; -"1993 6484" [id=1993, type=Squeeze]; -"1994 6487" [id=1994, type=Cast]; -"1995 6486" [id=1995, type=Gather]; -"1996 6488" [id=1996, type=Gather]; -"1997 6497" [id=1997, type=Unsqueeze]; -"1998 6498" [id=1998, type=Unsqueeze]; -"1999 2984" [id=1999, type=Mul]; -"2000 2987" [id=2000, type=Unsqueeze]; -"2001 2986" [id=2001, type=Unsqueeze]; -"2002 2988" [id=2002, type=Concat]; -"2003 QuantizeLinear_2808_1" [id=2003, type=QuantizeLinear]; -"2004 DequantizeLinear_2808_1" [id=2004, type=DequantizeLinear]; -"2005 2773_MatMul" [id=2005, type=MatMul]; -"2006 2773_Add" [id=2006, type=Add]; -"2007 2776" [id=2007, type=Flatten]; -"2008 2947" [id=2008, type=Shape]; -"2009 2775" [id=2009, type=Concat]; -"2010 2777" [id=2010, type=Cast]; -"2011 2806" [id=2011, type=Slice]; -"2012 2808" [id=2012, type=Gather]; -"2013 2799" [id=2013, type=Slice]; -"2014 2801" [id=2014, type=Gather]; -"2015 2809" [id=2015, type=Sub]; -"2016 2811" [id=2016, type=Add]; -"2017 2923" [id=2017, type=Slice]; -"2018 2924" [id=2018, type=Unsqueeze]; -"2019 2872" [id=2019, type=Slice]; -"2020 2877" [id=2020, type=Slice]; -"2021 2879" [id=2021, type=Div]; -"2022 2881" [id=2022, type=Clip]; -"2023 2918" [id=2023, type=Exp]; -"2024 2925" [id=2024, type=Mul]; -"2025 2938" [id=2025, type=Mul]; -"2026 2830" [id=2026, type=Mul]; -"2027 2826" [id=2027, type=Slice]; -"2028 2828" [id=2028, type=Gather]; -"2029 2831" [id=2029, type=Add]; -"2030 2907" [id=2030, type=Slice]; -"2031 2908" [id=2031, type=Unsqueeze]; -"2032 2900" [id=2032, type=Slice]; -"2033 2901" [id=2033, type=Unsqueeze]; -"2034 2848" [id=2034, type=Slice]; -"2035 2853" [id=2035, type=Slice]; -"2036 2855" [id=2036, type=Div]; -"2037 2902" [id=2037, type=Mul]; -"2038 2909" [id=2038, type=Add]; -"2039 2939" [id=2039, type=Add]; -"2040 2941" [id=2040, type=Sub]; -"2041 2945" [id=2041, type=Unsqueeze]; -"2042 2789" [id=2042, type=Slice]; -"2043 2791" [id=2043, type=Gather]; -"2044 2782" [id=2044, type=Slice]; -"2045 2784" [id=2045, type=Gather]; -"2046 2792" [id=2046, type=Sub]; -"2047 2794" [id=2047, type=Add]; -"2048 2915" [id=2048, type=Slice]; -"2049 2916" [id=2049, type=Unsqueeze]; -"2050 2860" [id=2050, type=Slice]; -"2051 2865" [id=2051, type=Slice]; -"2052 2867" [id=2052, type=Div]; -"2053 2880" [id=2053, type=Clip]; -"2054 2910" [id=2054, type=Exp]; -"2055 2917" [id=2055, type=Mul]; -"2056 2933" [id=2056, type=Mul]; -"2057 2820" [id=2057, type=Mul]; -"2058 2816" [id=2058, type=Slice]; -"2059 2818" [id=2059, type=Gather]; -"2060 2821" [id=2060, type=Add]; -"2061 2893" [id=2061, type=Slice]; -"2062 2894" [id=2062, type=Unsqueeze]; -"2063 2886" [id=2063, type=Slice]; -"2064 2887" [id=2064, type=Unsqueeze]; -"2065 2836" [id=2065, type=Slice]; -"2066 2841" [id=2066, type=Slice]; -"2067 2843" [id=2067, type=Div]; -"2068 2888" [id=2068, type=Mul]; -"2069 2895" [id=2069, type=Add]; -"2070 2934" [id=2070, type=Add]; -"2071 2936" [id=2071, type=Sub]; -"2072 2944" [id=2072, type=Unsqueeze]; -"2073 2930" [id=2073, type=Mul]; -"2074 2931" [id=2074, type=Sub]; -"2075 2943" [id=2075, type=Unsqueeze]; -"2076 2927" [id=2076, type=Mul]; -"2077 2928" [id=2077, type=Sub]; -"2078 2942" [id=2078, type=Unsqueeze]; -"2079 2946" [id=2079, type=Concat]; -"2080 2948" [id=2080, type=Reshape]; -"2081 2953" [id=2081, type=Reshape]; -"2082 2971" [id=2082, type=Slice]; -"2083 2976" [id=2083, type=Slice]; -"2084 2977" [id=2084, type=Clip]; -"2085 2979" [id=2085, type=Unsqueeze]; -"2086 2960" [id=2086, type=Slice]; -"2087 2965" [id=2087, type=Slice]; -"2088 2966" [id=2088, type=Clip]; -"2089 2978" [id=2089, type=Unsqueeze]; -"2090 2980" [id=2090, type=Concat]; -"2091 2982" [id=2091, type=Reshape]; -"2092 2989" [id=2092, type=Reshape]; -"2093 6493" [id=2093, type=Slice]; -"2094 6495" [id=2094, type=Gather]; -"2095 6496" [id=2095, type=Unsqueeze]; -"2096 6501" [id=2096, type=NonMaxSuppression]; -"2097 6503" [id=2097, type=Gather]; -"2098 6504" [id=2098, type=Squeeze]; -"2099 6508" [id=2099, type=Gather]; -"2100 6434" [id=2100, type=Slice]; -"2101 6436" [id=2101, type=Gather]; -"2102 6437" [id=2102, type=Cast]; -"2103 6438" [id=2103, type=NonZero]; -"2104 6439" [id=2104, type=Transpose]; -"2105 6440" [id=2105, type=Squeeze]; -"2106 6443" [id=2106, type=Cast]; -"2107 6442" [id=2107, type=Gather]; -"2108 6444" [id=2108, type=Gather]; -"2109 6453" [id=2109, type=Unsqueeze]; -"2110 6454" [id=2110, type=Unsqueeze]; -"2111 6449" [id=2111, type=Slice]; -"2112 6451" [id=2112, type=Gather]; -"2113 6452" [id=2113, type=Unsqueeze]; -"2114 6457" [id=2114, type=NonMaxSuppression]; -"2115 6459" [id=2115, type=Gather]; -"2116 6460" [id=2116, type=Squeeze]; -"2117 6464" [id=2117, type=Gather]; -"2118 6390" [id=2118, type=Slice]; -"2119 6392" [id=2119, type=Gather]; -"2120 6393" [id=2120, type=Cast]; -"2121 6394" [id=2121, type=NonZero]; -"2122 6395" [id=2122, type=Transpose]; -"2123 6396" [id=2123, type=Squeeze]; -"2124 6399" [id=2124, type=Cast]; -"2125 6398" [id=2125, type=Gather]; -"2126 6400" [id=2126, type=Gather]; -"2127 6409" [id=2127, type=Unsqueeze]; -"2128 6410" [id=2128, type=Unsqueeze]; -"2129 6405" [id=2129, type=Slice]; -"2130 6407" [id=2130, type=Gather]; -"2131 6408" [id=2131, type=Unsqueeze]; -"2132 6413" [id=2132, type=NonMaxSuppression]; -"2133 6415" [id=2133, type=Gather]; -"2134 6416" [id=2134, type=Squeeze]; -"2135 6420" [id=2135, type=Gather]; -"2136 6346" [id=2136, type=Slice]; -"2137 6348" [id=2137, type=Gather]; -"2138 6349" [id=2138, type=Cast]; -"2139 6350" [id=2139, type=NonZero]; -"2140 6351" [id=2140, type=Transpose]; -"2141 6352" [id=2141, type=Squeeze]; -"2142 6355" [id=2142, type=Cast]; -"2143 6354" [id=2143, type=Gather]; -"2144 6356" [id=2144, type=Gather]; -"2145 6365" [id=2145, type=Unsqueeze]; -"2146 6366" [id=2146, type=Unsqueeze]; -"2147 6361" [id=2147, type=Slice]; -"2148 6363" [id=2148, type=Gather]; -"2149 6364" [id=2149, type=Unsqueeze]; -"2150 6369" [id=2150, type=NonMaxSuppression]; -"2151 6371" [id=2151, type=Gather]; -"2152 6372" [id=2152, type=Squeeze]; -"2153 6376" [id=2153, type=Gather]; -"2154 6302" [id=2154, type=Slice]; -"2155 6304" [id=2155, type=Gather]; -"2156 6305" [id=2156, type=Cast]; -"2157 6306" [id=2157, type=NonZero]; -"2158 6307" [id=2158, type=Transpose]; -"2159 6308" [id=2159, type=Squeeze]; -"2160 6311" [id=2160, type=Cast]; -"2161 6310" [id=2161, type=Gather]; -"2162 6312" [id=2162, type=Gather]; -"2163 6321" [id=2163, type=Unsqueeze]; -"2164 6322" [id=2164, type=Unsqueeze]; -"2165 6317" [id=2165, type=Slice]; -"2166 6319" [id=2166, type=Gather]; -"2167 6320" [id=2167, type=Unsqueeze]; -"2168 6325" [id=2168, type=NonMaxSuppression]; -"2169 6327" [id=2169, type=Gather]; -"2170 6328" [id=2170, type=Squeeze]; -"2171 6332" [id=2171, type=Gather]; -"2172 6258" [id=2172, type=Slice]; -"2173 6260" [id=2173, type=Gather]; -"2174 6261" [id=2174, type=Cast]; -"2175 6262" [id=2175, type=NonZero]; -"2176 6263" [id=2176, type=Transpose]; -"2177 6264" [id=2177, type=Squeeze]; -"2178 6267" [id=2178, type=Cast]; -"2179 6266" [id=2179, type=Gather]; -"2180 6268" [id=2180, type=Gather]; -"2181 6277" [id=2181, type=Unsqueeze]; -"2182 6278" [id=2182, type=Unsqueeze]; -"2183 6273" [id=2183, type=Slice]; -"2184 6275" [id=2184, type=Gather]; -"2185 6276" [id=2185, type=Unsqueeze]; -"2186 6281" [id=2186, type=NonMaxSuppression]; -"2187 6283" [id=2187, type=Gather]; -"2188 6284" [id=2188, type=Squeeze]; -"2189 6288" [id=2189, type=Gather]; -"2190 6214" [id=2190, type=Slice]; -"2191 6216" [id=2191, type=Gather]; -"2192 6217" [id=2192, type=Cast]; -"2193 6218" [id=2193, type=NonZero]; -"2194 6219" [id=2194, type=Transpose]; -"2195 6220" [id=2195, type=Squeeze]; -"2196 6223" [id=2196, type=Cast]; -"2197 6222" [id=2197, type=Gather]; -"2198 6224" [id=2198, type=Gather]; -"2199 6233" [id=2199, type=Unsqueeze]; -"2200 6234" [id=2200, type=Unsqueeze]; -"2201 6229" [id=2201, type=Slice]; -"2202 6231" [id=2202, type=Gather]; -"2203 6232" [id=2203, type=Unsqueeze]; -"2204 6237" [id=2204, type=NonMaxSuppression]; -"2205 6239" [id=2205, type=Gather]; -"2206 6240" [id=2206, type=Squeeze]; -"2207 6244" [id=2207, type=Gather]; -"2208 6170" [id=2208, type=Slice]; -"2209 6172" [id=2209, type=Gather]; -"2210 6173" [id=2210, type=Cast]; -"2211 6174" [id=2211, type=NonZero]; -"2212 6175" [id=2212, type=Transpose]; -"2213 6176" [id=2213, type=Squeeze]; -"2214 6179" [id=2214, type=Cast]; -"2215 6178" [id=2215, type=Gather]; -"2216 6180" [id=2216, type=Gather]; -"2217 6189" [id=2217, type=Unsqueeze]; -"2218 6190" [id=2218, type=Unsqueeze]; -"2219 6185" [id=2219, type=Slice]; -"2220 6187" [id=2220, type=Gather]; -"2221 6188" [id=2221, type=Unsqueeze]; -"2222 6193" [id=2222, type=NonMaxSuppression]; -"2223 6195" [id=2223, type=Gather]; -"2224 6196" [id=2224, type=Squeeze]; -"2225 6200" [id=2225, type=Gather]; -"2226 6126" [id=2226, type=Slice]; -"2227 6128" [id=2227, type=Gather]; -"2228 6129" [id=2228, type=Cast]; -"2229 6130" [id=2229, type=NonZero]; -"2230 6131" [id=2230, type=Transpose]; -"2231 6132" [id=2231, type=Squeeze]; -"2232 6135" [id=2232, type=Cast]; -"2233 6134" [id=2233, type=Gather]; -"2234 6136" [id=2234, type=Gather]; -"2235 6145" [id=2235, type=Unsqueeze]; -"2236 6146" [id=2236, type=Unsqueeze]; -"2237 6141" [id=2237, type=Slice]; -"2238 6143" [id=2238, type=Gather]; -"2239 6144" [id=2239, type=Unsqueeze]; -"2240 6149" [id=2240, type=NonMaxSuppression]; -"2241 6151" [id=2241, type=Gather]; -"2242 6152" [id=2242, type=Squeeze]; -"2243 6156" [id=2243, type=Gather]; -"2244 6082" [id=2244, type=Slice]; -"2245 6084" [id=2245, type=Gather]; -"2246 6085" [id=2246, type=Cast]; -"2247 6086" [id=2247, type=NonZero]; -"2248 6087" [id=2248, type=Transpose]; -"2249 6088" [id=2249, type=Squeeze]; -"2250 6091" [id=2250, type=Cast]; -"2251 6090" [id=2251, type=Gather]; -"2252 6092" [id=2252, type=Gather]; -"2253 6101" [id=2253, type=Unsqueeze]; -"2254 6102" [id=2254, type=Unsqueeze]; -"2255 6097" [id=2255, type=Slice]; -"2256 6099" [id=2256, type=Gather]; -"2257 6100" [id=2257, type=Unsqueeze]; -"2258 6105" [id=2258, type=NonMaxSuppression]; -"2259 6107" [id=2259, type=Gather]; -"2260 6108" [id=2260, type=Squeeze]; -"2261 6112" [id=2261, type=Gather]; -"2262 6038" [id=2262, type=Slice]; -"2263 6040" [id=2263, type=Gather]; -"2264 6041" [id=2264, type=Cast]; -"2265 6042" [id=2265, type=NonZero]; -"2266 6043" [id=2266, type=Transpose]; -"2267 6044" [id=2267, type=Squeeze]; -"2268 6047" [id=2268, type=Cast]; -"2269 6046" [id=2269, type=Gather]; -"2270 6048" [id=2270, type=Gather]; -"2271 6057" [id=2271, type=Unsqueeze]; -"2272 6058" [id=2272, type=Unsqueeze]; -"2273 6053" [id=2273, type=Slice]; -"2274 6055" [id=2274, type=Gather]; -"2275 6056" [id=2275, type=Unsqueeze]; -"2276 6061" [id=2276, type=NonMaxSuppression]; -"2277 6063" [id=2277, type=Gather]; -"2278 6064" [id=2278, type=Squeeze]; -"2279 6068" [id=2279, type=Gather]; -"2280 5994" [id=2280, type=Slice]; -"2281 5996" [id=2281, type=Gather]; -"2282 5997" [id=2282, type=Cast]; -"2283 5998" [id=2283, type=NonZero]; -"2284 5999" [id=2284, type=Transpose]; -"2285 6000" [id=2285, type=Squeeze]; -"2286 6003" [id=2286, type=Cast]; -"2287 6002" [id=2287, type=Gather]; -"2288 6004" [id=2288, type=Gather]; -"2289 6013" [id=2289, type=Unsqueeze]; -"2290 6014" [id=2290, type=Unsqueeze]; -"2291 6009" [id=2291, type=Slice]; -"2292 6011" [id=2292, type=Gather]; -"2293 6012" [id=2293, type=Unsqueeze]; -"2294 6017" [id=2294, type=NonMaxSuppression]; -"2295 6019" [id=2295, type=Gather]; -"2296 6020" [id=2296, type=Squeeze]; -"2297 6024" [id=2297, type=Gather]; -"2298 5950" [id=2298, type=Slice]; -"2299 5952" [id=2299, type=Gather]; -"2300 5953" [id=2300, type=Cast]; -"2301 5954" [id=2301, type=NonZero]; -"2302 5955" [id=2302, type=Transpose]; -"2303 5956" [id=2303, type=Squeeze]; -"2304 5959" [id=2304, type=Cast]; -"2305 5958" [id=2305, type=Gather]; -"2306 5960" [id=2306, type=Gather]; -"2307 5969" [id=2307, type=Unsqueeze]; -"2308 5970" [id=2308, type=Unsqueeze]; -"2309 5965" [id=2309, type=Slice]; -"2310 5967" [id=2310, type=Gather]; -"2311 5968" [id=2311, type=Unsqueeze]; -"2312 5973" [id=2312, type=NonMaxSuppression]; -"2313 5975" [id=2313, type=Gather]; -"2314 5976" [id=2314, type=Squeeze]; -"2315 5980" [id=2315, type=Gather]; -"2316 5906" [id=2316, type=Slice]; -"2317 5908" [id=2317, type=Gather]; -"2318 5909" [id=2318, type=Cast]; -"2319 5910" [id=2319, type=NonZero]; -"2320 5911" [id=2320, type=Transpose]; -"2321 5912" [id=2321, type=Squeeze]; -"2322 5915" [id=2322, type=Cast]; -"2323 5914" [id=2323, type=Gather]; -"2324 5916" [id=2324, type=Gather]; -"2325 5925" [id=2325, type=Unsqueeze]; -"2326 5926" [id=2326, type=Unsqueeze]; -"2327 5921" [id=2327, type=Slice]; -"2328 5923" [id=2328, type=Gather]; -"2329 5924" [id=2329, type=Unsqueeze]; -"2330 5929" [id=2330, type=NonMaxSuppression]; -"2331 5931" [id=2331, type=Gather]; -"2332 5932" [id=2332, type=Squeeze]; -"2333 5936" [id=2333, type=Gather]; -"2334 5862" [id=2334, type=Slice]; -"2335 5864" [id=2335, type=Gather]; -"2336 5865" [id=2336, type=Cast]; -"2337 5866" [id=2337, type=NonZero]; -"2338 5867" [id=2338, type=Transpose]; -"2339 5868" [id=2339, type=Squeeze]; -"2340 5871" [id=2340, type=Cast]; -"2341 5870" [id=2341, type=Gather]; -"2342 5872" [id=2342, type=Gather]; -"2343 5881" [id=2343, type=Unsqueeze]; -"2344 5882" [id=2344, type=Unsqueeze]; -"2345 5877" [id=2345, type=Slice]; -"2346 5879" [id=2346, type=Gather]; -"2347 5880" [id=2347, type=Unsqueeze]; -"2348 5885" [id=2348, type=NonMaxSuppression]; -"2349 5887" [id=2349, type=Gather]; -"2350 5888" [id=2350, type=Squeeze]; -"2351 5892" [id=2351, type=Gather]; -"2352 5818" [id=2352, type=Slice]; -"2353 5820" [id=2353, type=Gather]; -"2354 5821" [id=2354, type=Cast]; -"2355 5822" [id=2355, type=NonZero]; -"2356 5823" [id=2356, type=Transpose]; -"2357 5824" [id=2357, type=Squeeze]; -"2358 5827" [id=2358, type=Cast]; -"2359 5826" [id=2359, type=Gather]; -"2360 5828" [id=2360, type=Gather]; -"2361 5837" [id=2361, type=Unsqueeze]; -"2362 5838" [id=2362, type=Unsqueeze]; -"2363 5833" [id=2363, type=Slice]; -"2364 5835" [id=2364, type=Gather]; -"2365 5836" [id=2365, type=Unsqueeze]; -"2366 5841" [id=2366, type=NonMaxSuppression]; -"2367 5843" [id=2367, type=Gather]; -"2368 5844" [id=2368, type=Squeeze]; -"2369 5848" [id=2369, type=Gather]; -"2370 5774" [id=2370, type=Slice]; -"2371 5776" [id=2371, type=Gather]; -"2372 5777" [id=2372, type=Cast]; -"2373 5778" [id=2373, type=NonZero]; -"2374 5779" [id=2374, type=Transpose]; -"2375 5780" [id=2375, type=Squeeze]; -"2376 5783" [id=2376, type=Cast]; -"2377 5782" [id=2377, type=Gather]; -"2378 5784" [id=2378, type=Gather]; -"2379 5793" [id=2379, type=Unsqueeze]; -"2380 5794" [id=2380, type=Unsqueeze]; -"2381 5789" [id=2381, type=Slice]; -"2382 5791" [id=2382, type=Gather]; -"2383 5792" [id=2383, type=Unsqueeze]; -"2384 5797" [id=2384, type=NonMaxSuppression]; -"2385 5799" [id=2385, type=Gather]; -"2386 5800" [id=2386, type=Squeeze]; -"2387 5804" [id=2387, type=Gather]; -"2388 5730" [id=2388, type=Slice]; -"2389 5732" [id=2389, type=Gather]; -"2390 5733" [id=2390, type=Cast]; -"2391 5734" [id=2391, type=NonZero]; -"2392 5735" [id=2392, type=Transpose]; -"2393 5736" [id=2393, type=Squeeze]; -"2394 5739" [id=2394, type=Cast]; -"2395 5738" [id=2395, type=Gather]; -"2396 5740" [id=2396, type=Gather]; -"2397 5749" [id=2397, type=Unsqueeze]; -"2398 5750" [id=2398, type=Unsqueeze]; -"2399 5745" [id=2399, type=Slice]; -"2400 5747" [id=2400, type=Gather]; -"2401 5748" [id=2401, type=Unsqueeze]; -"2402 5753" [id=2402, type=NonMaxSuppression]; -"2403 5755" [id=2403, type=Gather]; -"2404 5756" [id=2404, type=Squeeze]; -"2405 5760" [id=2405, type=Gather]; -"2406 5686" [id=2406, type=Slice]; -"2407 5688" [id=2407, type=Gather]; -"2408 5689" [id=2408, type=Cast]; -"2409 5690" [id=2409, type=NonZero]; -"2410 5691" [id=2410, type=Transpose]; -"2411 5692" [id=2411, type=Squeeze]; -"2412 5695" [id=2412, type=Cast]; -"2413 5694" [id=2413, type=Gather]; -"2414 5696" [id=2414, type=Gather]; -"2415 5705" [id=2415, type=Unsqueeze]; -"2416 5706" [id=2416, type=Unsqueeze]; -"2417 5701" [id=2417, type=Slice]; -"2418 5703" [id=2418, type=Gather]; -"2419 5704" [id=2419, type=Unsqueeze]; -"2420 5709" [id=2420, type=NonMaxSuppression]; -"2421 5711" [id=2421, type=Gather]; -"2422 5712" [id=2422, type=Squeeze]; -"2423 5716" [id=2423, type=Gather]; -"2424 5642" [id=2424, type=Slice]; -"2425 5644" [id=2425, type=Gather]; -"2426 5645" [id=2426, type=Cast]; -"2427 5646" [id=2427, type=NonZero]; -"2428 5647" [id=2428, type=Transpose]; -"2429 5648" [id=2429, type=Squeeze]; -"2430 5651" [id=2430, type=Cast]; -"2431 5650" [id=2431, type=Gather]; -"2432 5652" [id=2432, type=Gather]; -"2433 5661" [id=2433, type=Unsqueeze]; -"2434 5662" [id=2434, type=Unsqueeze]; -"2435 5657" [id=2435, type=Slice]; -"2436 5659" [id=2436, type=Gather]; -"2437 5660" [id=2437, type=Unsqueeze]; -"2438 5665" [id=2438, type=NonMaxSuppression]; -"2439 5667" [id=2439, type=Gather]; -"2440 5668" [id=2440, type=Squeeze]; -"2441 5672" [id=2441, type=Gather]; -"2442 5598" [id=2442, type=Slice]; -"2443 5600" [id=2443, type=Gather]; -"2444 5601" [id=2444, type=Cast]; -"2445 5602" [id=2445, type=NonZero]; -"2446 5603" [id=2446, type=Transpose]; -"2447 5604" [id=2447, type=Squeeze]; -"2448 5607" [id=2448, type=Cast]; -"2449 5606" [id=2449, type=Gather]; -"2450 5608" [id=2450, type=Gather]; -"2451 5617" [id=2451, type=Unsqueeze]; -"2452 5618" [id=2452, type=Unsqueeze]; -"2453 5613" [id=2453, type=Slice]; -"2454 5615" [id=2454, type=Gather]; -"2455 5616" [id=2455, type=Unsqueeze]; -"2456 5621" [id=2456, type=NonMaxSuppression]; -"2457 5623" [id=2457, type=Gather]; -"2458 5624" [id=2458, type=Squeeze]; -"2459 5628" [id=2459, type=Gather]; -"2460 5554" [id=2460, type=Slice]; -"2461 5556" [id=2461, type=Gather]; -"2462 5557" [id=2462, type=Cast]; -"2463 5558" [id=2463, type=NonZero]; -"2464 5559" [id=2464, type=Transpose]; -"2465 5560" [id=2465, type=Squeeze]; -"2466 5563" [id=2466, type=Cast]; -"2467 5562" [id=2467, type=Gather]; -"2468 5564" [id=2468, type=Gather]; -"2469 5573" [id=2469, type=Unsqueeze]; -"2470 5574" [id=2470, type=Unsqueeze]; -"2471 5569" [id=2471, type=Slice]; -"2472 5571" [id=2472, type=Gather]; -"2473 5572" [id=2473, type=Unsqueeze]; -"2474 5577" [id=2474, type=NonMaxSuppression]; -"2475 5579" [id=2475, type=Gather]; -"2476 5580" [id=2476, type=Squeeze]; -"2477 5584" [id=2477, type=Gather]; -"2478 5510" [id=2478, type=Slice]; -"2479 5512" [id=2479, type=Gather]; -"2480 5513" [id=2480, type=Cast]; -"2481 5514" [id=2481, type=NonZero]; -"2482 5515" [id=2482, type=Transpose]; -"2483 5516" [id=2483, type=Squeeze]; -"2484 5519" [id=2484, type=Cast]; -"2485 5518" [id=2485, type=Gather]; -"2486 5520" [id=2486, type=Gather]; -"2487 5529" [id=2487, type=Unsqueeze]; -"2488 5530" [id=2488, type=Unsqueeze]; -"2489 5525" [id=2489, type=Slice]; -"2490 5527" [id=2490, type=Gather]; -"2491 5528" [id=2491, type=Unsqueeze]; -"2492 5533" [id=2492, type=NonMaxSuppression]; -"2493 5535" [id=2493, type=Gather]; -"2494 5536" [id=2494, type=Squeeze]; -"2495 5540" [id=2495, type=Gather]; -"2496 5466" [id=2496, type=Slice]; -"2497 5468" [id=2497, type=Gather]; -"2498 5469" [id=2498, type=Cast]; -"2499 5470" [id=2499, type=NonZero]; -"2500 5471" [id=2500, type=Transpose]; -"2501 5472" [id=2501, type=Squeeze]; -"2502 5475" [id=2502, type=Cast]; -"2503 5474" [id=2503, type=Gather]; -"2504 5476" [id=2504, type=Gather]; -"2505 5485" [id=2505, type=Unsqueeze]; -"2506 5486" [id=2506, type=Unsqueeze]; -"2507 5481" [id=2507, type=Slice]; -"2508 5483" [id=2508, type=Gather]; -"2509 5484" [id=2509, type=Unsqueeze]; -"2510 5489" [id=2510, type=NonMaxSuppression]; -"2511 5491" [id=2511, type=Gather]; -"2512 5492" [id=2512, type=Squeeze]; -"2513 5496" [id=2513, type=Gather]; -"2514 5422" [id=2514, type=Slice]; -"2515 5424" [id=2515, type=Gather]; -"2516 5425" [id=2516, type=Cast]; -"2517 5426" [id=2517, type=NonZero]; -"2518 5427" [id=2518, type=Transpose]; -"2519 5428" [id=2519, type=Squeeze]; -"2520 5431" [id=2520, type=Cast]; -"2521 5430" [id=2521, type=Gather]; -"2522 5432" [id=2522, type=Gather]; -"2523 5441" [id=2523, type=Unsqueeze]; -"2524 5442" [id=2524, type=Unsqueeze]; -"2525 5437" [id=2525, type=Slice]; -"2526 5439" [id=2526, type=Gather]; -"2527 5440" [id=2527, type=Unsqueeze]; -"2528 5445" [id=2528, type=NonMaxSuppression]; -"2529 5447" [id=2529, type=Gather]; -"2530 5448" [id=2530, type=Squeeze]; -"2531 5452" [id=2531, type=Gather]; -"2532 5378" [id=2532, type=Slice]; -"2533 5380" [id=2533, type=Gather]; -"2534 5381" [id=2534, type=Cast]; -"2535 5382" [id=2535, type=NonZero]; -"2536 5383" [id=2536, type=Transpose]; -"2537 5384" [id=2537, type=Squeeze]; -"2538 5387" [id=2538, type=Cast]; -"2539 5386" [id=2539, type=Gather]; -"2540 5388" [id=2540, type=Gather]; -"2541 5397" [id=2541, type=Unsqueeze]; -"2542 5398" [id=2542, type=Unsqueeze]; -"2543 5393" [id=2543, type=Slice]; -"2544 5395" [id=2544, type=Gather]; -"2545 5396" [id=2545, type=Unsqueeze]; -"2546 5401" [id=2546, type=NonMaxSuppression]; -"2547 5403" [id=2547, type=Gather]; -"2548 5404" [id=2548, type=Squeeze]; -"2549 5408" [id=2549, type=Gather]; -"2550 5334" [id=2550, type=Slice]; -"2551 5336" [id=2551, type=Gather]; -"2552 5337" [id=2552, type=Cast]; -"2553 5338" [id=2553, type=NonZero]; -"2554 5339" [id=2554, type=Transpose]; -"2555 5340" [id=2555, type=Squeeze]; -"2556 5343" [id=2556, type=Cast]; -"2557 5342" [id=2557, type=Gather]; -"2558 5344" [id=2558, type=Gather]; -"2559 5353" [id=2559, type=Unsqueeze]; -"2560 5354" [id=2560, type=Unsqueeze]; -"2561 5349" [id=2561, type=Slice]; -"2562 5351" [id=2562, type=Gather]; -"2563 5352" [id=2563, type=Unsqueeze]; -"2564 5357" [id=2564, type=NonMaxSuppression]; -"2565 5359" [id=2565, type=Gather]; -"2566 5360" [id=2566, type=Squeeze]; -"2567 5364" [id=2567, type=Gather]; -"2568 5290" [id=2568, type=Slice]; -"2569 5292" [id=2569, type=Gather]; -"2570 5293" [id=2570, type=Cast]; -"2571 5294" [id=2571, type=NonZero]; -"2572 5295" [id=2572, type=Transpose]; -"2573 5296" [id=2573, type=Squeeze]; -"2574 5299" [id=2574, type=Cast]; -"2575 5298" [id=2575, type=Gather]; -"2576 5300" [id=2576, type=Gather]; -"2577 5309" [id=2577, type=Unsqueeze]; -"2578 5310" [id=2578, type=Unsqueeze]; -"2579 5305" [id=2579, type=Slice]; -"2580 5307" [id=2580, type=Gather]; -"2581 5308" [id=2581, type=Unsqueeze]; -"2582 5313" [id=2582, type=NonMaxSuppression]; -"2583 5315" [id=2583, type=Gather]; -"2584 5316" [id=2584, type=Squeeze]; -"2585 5320" [id=2585, type=Gather]; -"2586 5246" [id=2586, type=Slice]; -"2587 5248" [id=2587, type=Gather]; -"2588 5249" [id=2588, type=Cast]; -"2589 5250" [id=2589, type=NonZero]; -"2590 5251" [id=2590, type=Transpose]; -"2591 5252" [id=2591, type=Squeeze]; -"2592 5255" [id=2592, type=Cast]; -"2593 5254" [id=2593, type=Gather]; -"2594 5256" [id=2594, type=Gather]; -"2595 5265" [id=2595, type=Unsqueeze]; -"2596 5266" [id=2596, type=Unsqueeze]; -"2597 5261" [id=2597, type=Slice]; -"2598 5263" [id=2598, type=Gather]; -"2599 5264" [id=2599, type=Unsqueeze]; -"2600 5269" [id=2600, type=NonMaxSuppression]; -"2601 5271" [id=2601, type=Gather]; -"2602 5272" [id=2602, type=Squeeze]; -"2603 5276" [id=2603, type=Gather]; -"2604 5202" [id=2604, type=Slice]; -"2605 5204" [id=2605, type=Gather]; -"2606 5205" [id=2606, type=Cast]; -"2607 5206" [id=2607, type=NonZero]; -"2608 5207" [id=2608, type=Transpose]; -"2609 5208" [id=2609, type=Squeeze]; -"2610 5211" [id=2610, type=Cast]; -"2611 5210" [id=2611, type=Gather]; -"2612 5212" [id=2612, type=Gather]; -"2613 5221" [id=2613, type=Unsqueeze]; -"2614 5222" [id=2614, type=Unsqueeze]; -"2615 5217" [id=2615, type=Slice]; -"2616 5219" [id=2616, type=Gather]; -"2617 5220" [id=2617, type=Unsqueeze]; -"2618 5225" [id=2618, type=NonMaxSuppression]; -"2619 5227" [id=2619, type=Gather]; -"2620 5228" [id=2620, type=Squeeze]; -"2621 5232" [id=2621, type=Gather]; -"2622 5158" [id=2622, type=Slice]; -"2623 5160" [id=2623, type=Gather]; -"2624 5161" [id=2624, type=Cast]; -"2625 5162" [id=2625, type=NonZero]; -"2626 5163" [id=2626, type=Transpose]; -"2627 5164" [id=2627, type=Squeeze]; -"2628 5167" [id=2628, type=Cast]; -"2629 5166" [id=2629, type=Gather]; -"2630 5168" [id=2630, type=Gather]; -"2631 5177" [id=2631, type=Unsqueeze]; -"2632 5178" [id=2632, type=Unsqueeze]; -"2633 5173" [id=2633, type=Slice]; -"2634 5175" [id=2634, type=Gather]; -"2635 5176" [id=2635, type=Unsqueeze]; -"2636 5181" [id=2636, type=NonMaxSuppression]; -"2637 5183" [id=2637, type=Gather]; -"2638 5184" [id=2638, type=Squeeze]; -"2639 5188" [id=2639, type=Gather]; -"2640 5114" [id=2640, type=Slice]; -"2641 5116" [id=2641, type=Gather]; -"2642 5117" [id=2642, type=Cast]; -"2643 5118" [id=2643, type=NonZero]; -"2644 5119" [id=2644, type=Transpose]; -"2645 5120" [id=2645, type=Squeeze]; -"2646 5123" [id=2646, type=Cast]; -"2647 5122" [id=2647, type=Gather]; -"2648 5124" [id=2648, type=Gather]; -"2649 5133" [id=2649, type=Unsqueeze]; -"2650 5134" [id=2650, type=Unsqueeze]; -"2651 5129" [id=2651, type=Slice]; -"2652 5131" [id=2652, type=Gather]; -"2653 5132" [id=2653, type=Unsqueeze]; -"2654 5137" [id=2654, type=NonMaxSuppression]; -"2655 5139" [id=2655, type=Gather]; -"2656 5140" [id=2656, type=Squeeze]; -"2657 5144" [id=2657, type=Gather]; -"2658 5070" [id=2658, type=Slice]; -"2659 5072" [id=2659, type=Gather]; -"2660 5073" [id=2660, type=Cast]; -"2661 5074" [id=2661, type=NonZero]; -"2662 5075" [id=2662, type=Transpose]; -"2663 5076" [id=2663, type=Squeeze]; -"2664 5079" [id=2664, type=Cast]; -"2665 5078" [id=2665, type=Gather]; -"2666 5080" [id=2666, type=Gather]; -"2667 5089" [id=2667, type=Unsqueeze]; -"2668 5090" [id=2668, type=Unsqueeze]; -"2669 5085" [id=2669, type=Slice]; -"2670 5087" [id=2670, type=Gather]; -"2671 5088" [id=2671, type=Unsqueeze]; -"2672 5093" [id=2672, type=NonMaxSuppression]; -"2673 5095" [id=2673, type=Gather]; -"2674 5096" [id=2674, type=Squeeze]; -"2675 5100" [id=2675, type=Gather]; -"2676 5026" [id=2676, type=Slice]; -"2677 5028" [id=2677, type=Gather]; -"2678 5029" [id=2678, type=Cast]; -"2679 5030" [id=2679, type=NonZero]; -"2680 5031" [id=2680, type=Transpose]; -"2681 5032" [id=2681, type=Squeeze]; -"2682 5035" [id=2682, type=Cast]; -"2683 5034" [id=2683, type=Gather]; -"2684 5036" [id=2684, type=Gather]; -"2685 5045" [id=2685, type=Unsqueeze]; -"2686 5046" [id=2686, type=Unsqueeze]; -"2687 5041" [id=2687, type=Slice]; -"2688 5043" [id=2688, type=Gather]; -"2689 5044" [id=2689, type=Unsqueeze]; -"2690 5049" [id=2690, type=NonMaxSuppression]; -"2691 5051" [id=2691, type=Gather]; -"2692 5052" [id=2692, type=Squeeze]; -"2693 5056" [id=2693, type=Gather]; -"2694 4982" [id=2694, type=Slice]; -"2695 4984" [id=2695, type=Gather]; -"2696 4985" [id=2696, type=Cast]; -"2697 4986" [id=2697, type=NonZero]; -"2698 4987" [id=2698, type=Transpose]; -"2699 4988" [id=2699, type=Squeeze]; -"2700 4991" [id=2700, type=Cast]; -"2701 4990" [id=2701, type=Gather]; -"2702 4992" [id=2702, type=Gather]; -"2703 5001" [id=2703, type=Unsqueeze]; -"2704 5002" [id=2704, type=Unsqueeze]; -"2705 4997" [id=2705, type=Slice]; -"2706 4999" [id=2706, type=Gather]; -"2707 5000" [id=2707, type=Unsqueeze]; -"2708 5005" [id=2708, type=NonMaxSuppression]; -"2709 5007" [id=2709, type=Gather]; -"2710 5008" [id=2710, type=Squeeze]; -"2711 5012" [id=2711, type=Gather]; -"2712 4938" [id=2712, type=Slice]; -"2713 4940" [id=2713, type=Gather]; -"2714 4941" [id=2714, type=Cast]; -"2715 4942" [id=2715, type=NonZero]; -"2716 4943" [id=2716, type=Transpose]; -"2717 4944" [id=2717, type=Squeeze]; -"2718 4947" [id=2718, type=Cast]; -"2719 4946" [id=2719, type=Gather]; -"2720 4948" [id=2720, type=Gather]; -"2721 4957" [id=2721, type=Unsqueeze]; -"2722 4958" [id=2722, type=Unsqueeze]; -"2723 4953" [id=2723, type=Slice]; -"2724 4955" [id=2724, type=Gather]; -"2725 4956" [id=2725, type=Unsqueeze]; -"2726 4961" [id=2726, type=NonMaxSuppression]; -"2727 4963" [id=2727, type=Gather]; -"2728 4964" [id=2728, type=Squeeze]; -"2729 4968" [id=2729, type=Gather]; -"2730 4894" [id=2730, type=Slice]; -"2731 4896" [id=2731, type=Gather]; -"2732 4897" [id=2732, type=Cast]; -"2733 4898" [id=2733, type=NonZero]; -"2734 4899" [id=2734, type=Transpose]; -"2735 4900" [id=2735, type=Squeeze]; -"2736 4903" [id=2736, type=Cast]; -"2737 4902" [id=2737, type=Gather]; -"2738 4904" [id=2738, type=Gather]; -"2739 4913" [id=2739, type=Unsqueeze]; -"2740 4914" [id=2740, type=Unsqueeze]; -"2741 4909" [id=2741, type=Slice]; -"2742 4911" [id=2742, type=Gather]; -"2743 4912" [id=2743, type=Unsqueeze]; -"2744 4917" [id=2744, type=NonMaxSuppression]; -"2745 4919" [id=2745, type=Gather]; -"2746 4920" [id=2746, type=Squeeze]; -"2747 4924" [id=2747, type=Gather]; -"2748 4850" [id=2748, type=Slice]; -"2749 4852" [id=2749, type=Gather]; -"2750 4853" [id=2750, type=Cast]; -"2751 4854" [id=2751, type=NonZero]; -"2752 4855" [id=2752, type=Transpose]; -"2753 4856" [id=2753, type=Squeeze]; -"2754 4859" [id=2754, type=Cast]; -"2755 4858" [id=2755, type=Gather]; -"2756 4860" [id=2756, type=Gather]; -"2757 4869" [id=2757, type=Unsqueeze]; -"2758 4870" [id=2758, type=Unsqueeze]; -"2759 4865" [id=2759, type=Slice]; -"2760 4867" [id=2760, type=Gather]; -"2761 4868" [id=2761, type=Unsqueeze]; -"2762 4873" [id=2762, type=NonMaxSuppression]; -"2763 4875" [id=2763, type=Gather]; -"2764 4876" [id=2764, type=Squeeze]; -"2765 4880" [id=2765, type=Gather]; -"2766 4806" [id=2766, type=Slice]; -"2767 4808" [id=2767, type=Gather]; -"2768 4809" [id=2768, type=Cast]; -"2769 4810" [id=2769, type=NonZero]; -"2770 4811" [id=2770, type=Transpose]; -"2771 4812" [id=2771, type=Squeeze]; -"2772 4815" [id=2772, type=Cast]; -"2773 4814" [id=2773, type=Gather]; -"2774 4816" [id=2774, type=Gather]; -"2775 4825" [id=2775, type=Unsqueeze]; -"2776 4826" [id=2776, type=Unsqueeze]; -"2777 4821" [id=2777, type=Slice]; -"2778 4823" [id=2778, type=Gather]; -"2779 4824" [id=2779, type=Unsqueeze]; -"2780 4829" [id=2780, type=NonMaxSuppression]; -"2781 4831" [id=2781, type=Gather]; -"2782 4832" [id=2782, type=Squeeze]; -"2783 4836" [id=2783, type=Gather]; -"2784 4762" [id=2784, type=Slice]; -"2785 4764" [id=2785, type=Gather]; -"2786 4765" [id=2786, type=Cast]; -"2787 4766" [id=2787, type=NonZero]; -"2788 4767" [id=2788, type=Transpose]; -"2789 4768" [id=2789, type=Squeeze]; -"2790 4771" [id=2790, type=Cast]; -"2791 4770" [id=2791, type=Gather]; -"2792 4772" [id=2792, type=Gather]; -"2793 4781" [id=2793, type=Unsqueeze]; -"2794 4782" [id=2794, type=Unsqueeze]; -"2795 4777" [id=2795, type=Slice]; -"2796 4779" [id=2796, type=Gather]; -"2797 4780" [id=2797, type=Unsqueeze]; -"2798 4785" [id=2798, type=NonMaxSuppression]; -"2799 4787" [id=2799, type=Gather]; -"2800 4788" [id=2800, type=Squeeze]; -"2801 4792" [id=2801, type=Gather]; -"2802 4718" [id=2802, type=Slice]; -"2803 4720" [id=2803, type=Gather]; -"2804 4721" [id=2804, type=Cast]; -"2805 4722" [id=2805, type=NonZero]; -"2806 4723" [id=2806, type=Transpose]; -"2807 4724" [id=2807, type=Squeeze]; -"2808 4727" [id=2808, type=Cast]; -"2809 4726" [id=2809, type=Gather]; -"2810 4728" [id=2810, type=Gather]; -"2811 4737" [id=2811, type=Unsqueeze]; -"2812 4738" [id=2812, type=Unsqueeze]; -"2813 4733" [id=2813, type=Slice]; -"2814 4735" [id=2814, type=Gather]; -"2815 4736" [id=2815, type=Unsqueeze]; -"2816 4741" [id=2816, type=NonMaxSuppression]; -"2817 4743" [id=2817, type=Gather]; -"2818 4744" [id=2818, type=Squeeze]; -"2819 4748" [id=2819, type=Gather]; -"2820 4674" [id=2820, type=Slice]; -"2821 4676" [id=2821, type=Gather]; -"2822 4677" [id=2822, type=Cast]; -"2823 4678" [id=2823, type=NonZero]; -"2824 4679" [id=2824, type=Transpose]; -"2825 4680" [id=2825, type=Squeeze]; -"2826 4683" [id=2826, type=Cast]; -"2827 4682" [id=2827, type=Gather]; -"2828 4684" [id=2828, type=Gather]; -"2829 4693" [id=2829, type=Unsqueeze]; -"2830 4694" [id=2830, type=Unsqueeze]; -"2831 4689" [id=2831, type=Slice]; -"2832 4691" [id=2832, type=Gather]; -"2833 4692" [id=2833, type=Unsqueeze]; -"2834 4697" [id=2834, type=NonMaxSuppression]; -"2835 4699" [id=2835, type=Gather]; -"2836 4700" [id=2836, type=Squeeze]; -"2837 4704" [id=2837, type=Gather]; -"2838 4630" [id=2838, type=Slice]; -"2839 4632" [id=2839, type=Gather]; -"2840 4633" [id=2840, type=Cast]; -"2841 4634" [id=2841, type=NonZero]; -"2842 4635" [id=2842, type=Transpose]; -"2843 4636" [id=2843, type=Squeeze]; -"2844 4639" [id=2844, type=Cast]; -"2845 4638" [id=2845, type=Gather]; -"2846 4640" [id=2846, type=Gather]; -"2847 4649" [id=2847, type=Unsqueeze]; -"2848 4650" [id=2848, type=Unsqueeze]; -"2849 4645" [id=2849, type=Slice]; -"2850 4647" [id=2850, type=Gather]; -"2851 4648" [id=2851, type=Unsqueeze]; -"2852 4653" [id=2852, type=NonMaxSuppression]; -"2853 4655" [id=2853, type=Gather]; -"2854 4656" [id=2854, type=Squeeze]; -"2855 4660" [id=2855, type=Gather]; -"2856 4586" [id=2856, type=Slice]; -"2857 4588" [id=2857, type=Gather]; -"2858 4589" [id=2858, type=Cast]; -"2859 4590" [id=2859, type=NonZero]; -"2860 4591" [id=2860, type=Transpose]; -"2861 4592" [id=2861, type=Squeeze]; -"2862 4595" [id=2862, type=Cast]; -"2863 4594" [id=2863, type=Gather]; -"2864 4596" [id=2864, type=Gather]; -"2865 4605" [id=2865, type=Unsqueeze]; -"2866 4606" [id=2866, type=Unsqueeze]; -"2867 4601" [id=2867, type=Slice]; -"2868 4603" [id=2868, type=Gather]; -"2869 4604" [id=2869, type=Unsqueeze]; -"2870 4609" [id=2870, type=NonMaxSuppression]; -"2871 4611" [id=2871, type=Gather]; -"2872 4612" [id=2872, type=Squeeze]; -"2873 4616" [id=2873, type=Gather]; -"2874 4542" [id=2874, type=Slice]; -"2875 4544" [id=2875, type=Gather]; -"2876 4545" [id=2876, type=Cast]; -"2877 4546" [id=2877, type=NonZero]; -"2878 4547" [id=2878, type=Transpose]; -"2879 4548" [id=2879, type=Squeeze]; -"2880 4551" [id=2880, type=Cast]; -"2881 4550" [id=2881, type=Gather]; -"2882 4552" [id=2882, type=Gather]; -"2883 4561" [id=2883, type=Unsqueeze]; -"2884 4562" [id=2884, type=Unsqueeze]; -"2885 4557" [id=2885, type=Slice]; -"2886 4559" [id=2886, type=Gather]; -"2887 4560" [id=2887, type=Unsqueeze]; -"2888 4565" [id=2888, type=NonMaxSuppression]; -"2889 4567" [id=2889, type=Gather]; -"2890 4568" [id=2890, type=Squeeze]; -"2891 4572" [id=2891, type=Gather]; -"2892 4498" [id=2892, type=Slice]; -"2893 4500" [id=2893, type=Gather]; -"2894 4501" [id=2894, type=Cast]; -"2895 4502" [id=2895, type=NonZero]; -"2896 4503" [id=2896, type=Transpose]; -"2897 4504" [id=2897, type=Squeeze]; -"2898 4507" [id=2898, type=Cast]; -"2899 4506" [id=2899, type=Gather]; -"2900 4508" [id=2900, type=Gather]; -"2901 4517" [id=2901, type=Unsqueeze]; -"2902 4518" [id=2902, type=Unsqueeze]; -"2903 4513" [id=2903, type=Slice]; -"2904 4515" [id=2904, type=Gather]; -"2905 4516" [id=2905, type=Unsqueeze]; -"2906 4521" [id=2906, type=NonMaxSuppression]; -"2907 4523" [id=2907, type=Gather]; -"2908 4524" [id=2908, type=Squeeze]; -"2909 4528" [id=2909, type=Gather]; -"2910 4454" [id=2910, type=Slice]; -"2911 4456" [id=2911, type=Gather]; -"2912 4457" [id=2912, type=Cast]; -"2913 4458" [id=2913, type=NonZero]; -"2914 4459" [id=2914, type=Transpose]; -"2915 4460" [id=2915, type=Squeeze]; -"2916 4463" [id=2916, type=Cast]; -"2917 4462" [id=2917, type=Gather]; -"2918 4464" [id=2918, type=Gather]; -"2919 4473" [id=2919, type=Unsqueeze]; -"2920 4474" [id=2920, type=Unsqueeze]; -"2921 4469" [id=2921, type=Slice]; -"2922 4471" [id=2922, type=Gather]; -"2923 4472" [id=2923, type=Unsqueeze]; -"2924 4477" [id=2924, type=NonMaxSuppression]; -"2925 4479" [id=2925, type=Gather]; -"2926 4480" [id=2926, type=Squeeze]; -"2927 4484" [id=2927, type=Gather]; -"2928 4410" [id=2928, type=Slice]; -"2929 4412" [id=2929, type=Gather]; -"2930 4413" [id=2930, type=Cast]; -"2931 4414" [id=2931, type=NonZero]; -"2932 4415" [id=2932, type=Transpose]; -"2933 4416" [id=2933, type=Squeeze]; -"2934 4419" [id=2934, type=Cast]; -"2935 4418" [id=2935, type=Gather]; -"2936 4420" [id=2936, type=Gather]; -"2937 4429" [id=2937, type=Unsqueeze]; -"2938 4430" [id=2938, type=Unsqueeze]; -"2939 4425" [id=2939, type=Slice]; -"2940 4427" [id=2940, type=Gather]; -"2941 4428" [id=2941, type=Unsqueeze]; -"2942 4433" [id=2942, type=NonMaxSuppression]; -"2943 4435" [id=2943, type=Gather]; -"2944 4436" [id=2944, type=Squeeze]; -"2945 4440" [id=2945, type=Gather]; -"2946 4366" [id=2946, type=Slice]; -"2947 4368" [id=2947, type=Gather]; -"2948 4369" [id=2948, type=Cast]; -"2949 4370" [id=2949, type=NonZero]; -"2950 4371" [id=2950, type=Transpose]; -"2951 4372" [id=2951, type=Squeeze]; -"2952 4375" [id=2952, type=Cast]; -"2953 4374" [id=2953, type=Gather]; -"2954 4376" [id=2954, type=Gather]; -"2955 4385" [id=2955, type=Unsqueeze]; -"2956 4386" [id=2956, type=Unsqueeze]; -"2957 4381" [id=2957, type=Slice]; -"2958 4383" [id=2958, type=Gather]; -"2959 4384" [id=2959, type=Unsqueeze]; -"2960 4389" [id=2960, type=NonMaxSuppression]; -"2961 4391" [id=2961, type=Gather]; -"2962 4392" [id=2962, type=Squeeze]; -"2963 4396" [id=2963, type=Gather]; -"2964 4322" [id=2964, type=Slice]; -"2965 4324" [id=2965, type=Gather]; -"2966 4325" [id=2966, type=Cast]; -"2967 4326" [id=2967, type=NonZero]; -"2968 4327" [id=2968, type=Transpose]; -"2969 4328" [id=2969, type=Squeeze]; -"2970 4331" [id=2970, type=Cast]; -"2971 4330" [id=2971, type=Gather]; -"2972 4332" [id=2972, type=Gather]; -"2973 4341" [id=2973, type=Unsqueeze]; -"2974 4342" [id=2974, type=Unsqueeze]; -"2975 4337" [id=2975, type=Slice]; -"2976 4339" [id=2976, type=Gather]; -"2977 4340" [id=2977, type=Unsqueeze]; -"2978 4345" [id=2978, type=NonMaxSuppression]; -"2979 4347" [id=2979, type=Gather]; -"2980 4348" [id=2980, type=Squeeze]; -"2981 4352" [id=2981, type=Gather]; -"2982 4278" [id=2982, type=Slice]; -"2983 4280" [id=2983, type=Gather]; -"2984 4281" [id=2984, type=Cast]; -"2985 4282" [id=2985, type=NonZero]; -"2986 4283" [id=2986, type=Transpose]; -"2987 4284" [id=2987, type=Squeeze]; -"2988 4287" [id=2988, type=Cast]; -"2989 4286" [id=2989, type=Gather]; -"2990 4288" [id=2990, type=Gather]; -"2991 4297" [id=2991, type=Unsqueeze]; -"2992 4298" [id=2992, type=Unsqueeze]; -"2993 4293" [id=2993, type=Slice]; -"2994 4295" [id=2994, type=Gather]; -"2995 4296" [id=2995, type=Unsqueeze]; -"2996 4301" [id=2996, type=NonMaxSuppression]; -"2997 4303" [id=2997, type=Gather]; -"2998 4304" [id=2998, type=Squeeze]; -"2999 4308" [id=2999, type=Gather]; -"3000 4234" [id=3000, type=Slice]; -"3001 4236" [id=3001, type=Gather]; -"3002 4237" [id=3002, type=Cast]; -"3003 4238" [id=3003, type=NonZero]; -"3004 4239" [id=3004, type=Transpose]; -"3005 4240" [id=3005, type=Squeeze]; -"3006 4243" [id=3006, type=Cast]; -"3007 4242" [id=3007, type=Gather]; -"3008 4244" [id=3008, type=Gather]; -"3009 4253" [id=3009, type=Unsqueeze]; -"3010 4254" [id=3010, type=Unsqueeze]; -"3011 4249" [id=3011, type=Slice]; -"3012 4251" [id=3012, type=Gather]; -"3013 4252" [id=3013, type=Unsqueeze]; -"3014 4257" [id=3014, type=NonMaxSuppression]; -"3015 4259" [id=3015, type=Gather]; -"3016 4260" [id=3016, type=Squeeze]; -"3017 4264" [id=3017, type=Gather]; -"3018 4190" [id=3018, type=Slice]; -"3019 4192" [id=3019, type=Gather]; -"3020 4193" [id=3020, type=Cast]; -"3021 4194" [id=3021, type=NonZero]; -"3022 4195" [id=3022, type=Transpose]; -"3023 4196" [id=3023, type=Squeeze]; -"3024 4199" [id=3024, type=Cast]; -"3025 4198" [id=3025, type=Gather]; -"3026 4200" [id=3026, type=Gather]; -"3027 4209" [id=3027, type=Unsqueeze]; -"3028 4210" [id=3028, type=Unsqueeze]; -"3029 4205" [id=3029, type=Slice]; -"3030 4207" [id=3030, type=Gather]; -"3031 4208" [id=3031, type=Unsqueeze]; -"3032 4213" [id=3032, type=NonMaxSuppression]; -"3033 4215" [id=3033, type=Gather]; -"3034 4216" [id=3034, type=Squeeze]; -"3035 4220" [id=3035, type=Gather]; -"3036 4146" [id=3036, type=Slice]; -"3037 4148" [id=3037, type=Gather]; -"3038 4149" [id=3038, type=Cast]; -"3039 4150" [id=3039, type=NonZero]; -"3040 4151" [id=3040, type=Transpose]; -"3041 4152" [id=3041, type=Squeeze]; -"3042 4155" [id=3042, type=Cast]; -"3043 4154" [id=3043, type=Gather]; -"3044 4156" [id=3044, type=Gather]; -"3045 4165" [id=3045, type=Unsqueeze]; -"3046 4166" [id=3046, type=Unsqueeze]; -"3047 4161" [id=3047, type=Slice]; -"3048 4163" [id=3048, type=Gather]; -"3049 4164" [id=3049, type=Unsqueeze]; -"3050 4169" [id=3050, type=NonMaxSuppression]; -"3051 4171" [id=3051, type=Gather]; -"3052 4172" [id=3052, type=Squeeze]; -"3053 4176" [id=3053, type=Gather]; -"3054 4102" [id=3054, type=Slice]; -"3055 4104" [id=3055, type=Gather]; -"3056 4105" [id=3056, type=Cast]; -"3057 4106" [id=3057, type=NonZero]; -"3058 4107" [id=3058, type=Transpose]; -"3059 4108" [id=3059, type=Squeeze]; -"3060 4111" [id=3060, type=Cast]; -"3061 4110" [id=3061, type=Gather]; -"3062 4112" [id=3062, type=Gather]; -"3063 4121" [id=3063, type=Unsqueeze]; -"3064 4122" [id=3064, type=Unsqueeze]; -"3065 4117" [id=3065, type=Slice]; -"3066 4119" [id=3066, type=Gather]; -"3067 4120" [id=3067, type=Unsqueeze]; -"3068 4125" [id=3068, type=NonMaxSuppression]; -"3069 4127" [id=3069, type=Gather]; -"3070 4128" [id=3070, type=Squeeze]; -"3071 4132" [id=3071, type=Gather]; -"3072 4058" [id=3072, type=Slice]; -"3073 4060" [id=3073, type=Gather]; -"3074 4061" [id=3074, type=Cast]; -"3075 4062" [id=3075, type=NonZero]; -"3076 4063" [id=3076, type=Transpose]; -"3077 4064" [id=3077, type=Squeeze]; -"3078 4067" [id=3078, type=Cast]; -"3079 4066" [id=3079, type=Gather]; -"3080 4068" [id=3080, type=Gather]; -"3081 4077" [id=3081, type=Unsqueeze]; -"3082 4078" [id=3082, type=Unsqueeze]; -"3083 4073" [id=3083, type=Slice]; -"3084 4075" [id=3084, type=Gather]; -"3085 4076" [id=3085, type=Unsqueeze]; -"3086 4081" [id=3086, type=NonMaxSuppression]; -"3087 4083" [id=3087, type=Gather]; -"3088 4084" [id=3088, type=Squeeze]; -"3089 4088" [id=3089, type=Gather]; -"3090 4014" [id=3090, type=Slice]; -"3091 4016" [id=3091, type=Gather]; -"3092 4017" [id=3092, type=Cast]; -"3093 4018" [id=3093, type=NonZero]; -"3094 4019" [id=3094, type=Transpose]; -"3095 4020" [id=3095, type=Squeeze]; -"3096 4023" [id=3096, type=Cast]; -"3097 4022" [id=3097, type=Gather]; -"3098 4024" [id=3098, type=Gather]; -"3099 4033" [id=3099, type=Unsqueeze]; -"3100 4034" [id=3100, type=Unsqueeze]; -"3101 4029" [id=3101, type=Slice]; -"3102 4031" [id=3102, type=Gather]; -"3103 4032" [id=3103, type=Unsqueeze]; -"3104 4037" [id=3104, type=NonMaxSuppression]; -"3105 4039" [id=3105, type=Gather]; -"3106 4040" [id=3106, type=Squeeze]; -"3107 4044" [id=3107, type=Gather]; -"3108 3970" [id=3108, type=Slice]; -"3109 3972" [id=3109, type=Gather]; -"3110 3973" [id=3110, type=Cast]; -"3111 3974" [id=3111, type=NonZero]; -"3112 3975" [id=3112, type=Transpose]; -"3113 3976" [id=3113, type=Squeeze]; -"3114 3979" [id=3114, type=Cast]; -"3115 3978" [id=3115, type=Gather]; -"3116 3980" [id=3116, type=Gather]; -"3117 3989" [id=3117, type=Unsqueeze]; -"3118 3990" [id=3118, type=Unsqueeze]; -"3119 3985" [id=3119, type=Slice]; -"3120 3987" [id=3120, type=Gather]; -"3121 3988" [id=3121, type=Unsqueeze]; -"3122 3993" [id=3122, type=NonMaxSuppression]; -"3123 3995" [id=3123, type=Gather]; -"3124 3996" [id=3124, type=Squeeze]; -"3125 4000" [id=3125, type=Gather]; -"3126 3926" [id=3126, type=Slice]; -"3127 3928" [id=3127, type=Gather]; -"3128 3929" [id=3128, type=Cast]; -"3129 3930" [id=3129, type=NonZero]; -"3130 3931" [id=3130, type=Transpose]; -"3131 3932" [id=3131, type=Squeeze]; -"3132 3935" [id=3132, type=Cast]; -"3133 3934" [id=3133, type=Gather]; -"3134 3936" [id=3134, type=Gather]; -"3135 3945" [id=3135, type=Unsqueeze]; -"3136 3946" [id=3136, type=Unsqueeze]; -"3137 3941" [id=3137, type=Slice]; -"3138 3943" [id=3138, type=Gather]; -"3139 3944" [id=3139, type=Unsqueeze]; -"3140 3949" [id=3140, type=NonMaxSuppression]; -"3141 3951" [id=3141, type=Gather]; -"3142 3952" [id=3142, type=Squeeze]; -"3143 3956" [id=3143, type=Gather]; -"3144 3882" [id=3144, type=Slice]; -"3145 3884" [id=3145, type=Gather]; -"3146 3885" [id=3146, type=Cast]; -"3147 3886" [id=3147, type=NonZero]; -"3148 3887" [id=3148, type=Transpose]; -"3149 3888" [id=3149, type=Squeeze]; -"3150 3891" [id=3150, type=Cast]; -"3151 3890" [id=3151, type=Gather]; -"3152 3892" [id=3152, type=Gather]; -"3153 3901" [id=3153, type=Unsqueeze]; -"3154 3902" [id=3154, type=Unsqueeze]; -"3155 3897" [id=3155, type=Slice]; -"3156 3899" [id=3156, type=Gather]; -"3157 3900" [id=3157, type=Unsqueeze]; -"3158 3905" [id=3158, type=NonMaxSuppression]; -"3159 3907" [id=3159, type=Gather]; -"3160 3908" [id=3160, type=Squeeze]; -"3161 3912" [id=3161, type=Gather]; -"3162 3838" [id=3162, type=Slice]; -"3163 3840" [id=3163, type=Gather]; -"3164 3841" [id=3164, type=Cast]; -"3165 3842" [id=3165, type=NonZero]; -"3166 3843" [id=3166, type=Transpose]; -"3167 3844" [id=3167, type=Squeeze]; -"3168 3847" [id=3168, type=Cast]; -"3169 3846" [id=3169, type=Gather]; -"3170 3848" [id=3170, type=Gather]; -"3171 3857" [id=3171, type=Unsqueeze]; -"3172 3858" [id=3172, type=Unsqueeze]; -"3173 3853" [id=3173, type=Slice]; -"3174 3855" [id=3174, type=Gather]; -"3175 3856" [id=3175, type=Unsqueeze]; -"3176 3861" [id=3176, type=NonMaxSuppression]; -"3177 3863" [id=3177, type=Gather]; -"3178 3864" [id=3178, type=Squeeze]; -"3179 3868" [id=3179, type=Gather]; -"3180 3794" [id=3180, type=Slice]; -"3181 3796" [id=3181, type=Gather]; -"3182 3797" [id=3182, type=Cast]; -"3183 3798" [id=3183, type=NonZero]; -"3184 3799" [id=3184, type=Transpose]; -"3185 3800" [id=3185, type=Squeeze]; -"3186 3803" [id=3186, type=Cast]; -"3187 3802" [id=3187, type=Gather]; -"3188 3804" [id=3188, type=Gather]; -"3189 3813" [id=3189, type=Unsqueeze]; -"3190 3814" [id=3190, type=Unsqueeze]; -"3191 3809" [id=3191, type=Slice]; -"3192 3811" [id=3192, type=Gather]; -"3193 3812" [id=3193, type=Unsqueeze]; -"3194 3817" [id=3194, type=NonMaxSuppression]; -"3195 3819" [id=3195, type=Gather]; -"3196 3820" [id=3196, type=Squeeze]; -"3197 3824" [id=3197, type=Gather]; -"3198 3750" [id=3198, type=Slice]; -"3199 3752" [id=3199, type=Gather]; -"3200 3753" [id=3200, type=Cast]; -"3201 3754" [id=3201, type=NonZero]; -"3202 3755" [id=3202, type=Transpose]; -"3203 3756" [id=3203, type=Squeeze]; -"3204 3759" [id=3204, type=Cast]; -"3205 3758" [id=3205, type=Gather]; -"3206 3760" [id=3206, type=Gather]; -"3207 3769" [id=3207, type=Unsqueeze]; -"3208 3770" [id=3208, type=Unsqueeze]; -"3209 3765" [id=3209, type=Slice]; -"3210 3767" [id=3210, type=Gather]; -"3211 3768" [id=3211, type=Unsqueeze]; -"3212 3773" [id=3212, type=NonMaxSuppression]; -"3213 3775" [id=3213, type=Gather]; -"3214 3776" [id=3214, type=Squeeze]; -"3215 3780" [id=3215, type=Gather]; -"3216 3706" [id=3216, type=Slice]; -"3217 3708" [id=3217, type=Gather]; -"3218 3709" [id=3218, type=Cast]; -"3219 3710" [id=3219, type=NonZero]; -"3220 3711" [id=3220, type=Transpose]; -"3221 3712" [id=3221, type=Squeeze]; -"3222 3715" [id=3222, type=Cast]; -"3223 3714" [id=3223, type=Gather]; -"3224 3716" [id=3224, type=Gather]; -"3225 3725" [id=3225, type=Unsqueeze]; -"3226 3726" [id=3226, type=Unsqueeze]; -"3227 3721" [id=3227, type=Slice]; -"3228 3723" [id=3228, type=Gather]; -"3229 3724" [id=3229, type=Unsqueeze]; -"3230 3729" [id=3230, type=NonMaxSuppression]; -"3231 3731" [id=3231, type=Gather]; -"3232 3732" [id=3232, type=Squeeze]; -"3233 3736" [id=3233, type=Gather]; -"3234 3662" [id=3234, type=Slice]; -"3235 3664" [id=3235, type=Gather]; -"3236 3665" [id=3236, type=Cast]; -"3237 3666" [id=3237, type=NonZero]; -"3238 3667" [id=3238, type=Transpose]; -"3239 3668" [id=3239, type=Squeeze]; -"3240 3671" [id=3240, type=Cast]; -"3241 3670" [id=3241, type=Gather]; -"3242 3672" [id=3242, type=Gather]; -"3243 3681" [id=3243, type=Unsqueeze]; -"3244 3682" [id=3244, type=Unsqueeze]; -"3245 3677" [id=3245, type=Slice]; -"3246 3679" [id=3246, type=Gather]; -"3247 3680" [id=3247, type=Unsqueeze]; -"3248 3685" [id=3248, type=NonMaxSuppression]; -"3249 3687" [id=3249, type=Gather]; -"3250 3688" [id=3250, type=Squeeze]; -"3251 3692" [id=3251, type=Gather]; -"3252 3618" [id=3252, type=Slice]; -"3253 3620" [id=3253, type=Gather]; -"3254 3621" [id=3254, type=Cast]; -"3255 3622" [id=3255, type=NonZero]; -"3256 3623" [id=3256, type=Transpose]; -"3257 3624" [id=3257, type=Squeeze]; -"3258 3627" [id=3258, type=Cast]; -"3259 3626" [id=3259, type=Gather]; -"3260 3628" [id=3260, type=Gather]; -"3261 3637" [id=3261, type=Unsqueeze]; -"3262 3638" [id=3262, type=Unsqueeze]; -"3263 3633" [id=3263, type=Slice]; -"3264 3635" [id=3264, type=Gather]; -"3265 3636" [id=3265, type=Unsqueeze]; -"3266 3641" [id=3266, type=NonMaxSuppression]; -"3267 3643" [id=3267, type=Gather]; -"3268 3644" [id=3268, type=Squeeze]; -"3269 3648" [id=3269, type=Gather]; -"3270 3574" [id=3270, type=Slice]; -"3271 3576" [id=3271, type=Gather]; -"3272 3577" [id=3272, type=Cast]; -"3273 3578" [id=3273, type=NonZero]; -"3274 3579" [id=3274, type=Transpose]; -"3275 3580" [id=3275, type=Squeeze]; -"3276 3583" [id=3276, type=Cast]; -"3277 3582" [id=3277, type=Gather]; -"3278 3584" [id=3278, type=Gather]; -"3279 3593" [id=3279, type=Unsqueeze]; -"3280 3594" [id=3280, type=Unsqueeze]; -"3281 3589" [id=3281, type=Slice]; -"3282 3591" [id=3282, type=Gather]; -"3283 3592" [id=3283, type=Unsqueeze]; -"3284 3597" [id=3284, type=NonMaxSuppression]; -"3285 3599" [id=3285, type=Gather]; -"3286 3600" [id=3286, type=Squeeze]; -"3287 3604" [id=3287, type=Gather]; -"3288 3530" [id=3288, type=Slice]; -"3289 3532" [id=3289, type=Gather]; -"3290 3533" [id=3290, type=Cast]; -"3291 3534" [id=3291, type=NonZero]; -"3292 3535" [id=3292, type=Transpose]; -"3293 3536" [id=3293, type=Squeeze]; -"3294 3539" [id=3294, type=Cast]; -"3295 3538" [id=3295, type=Gather]; -"3296 3540" [id=3296, type=Gather]; -"3297 3549" [id=3297, type=Unsqueeze]; -"3298 3550" [id=3298, type=Unsqueeze]; -"3299 3545" [id=3299, type=Slice]; -"3300 3547" [id=3300, type=Gather]; -"3301 3548" [id=3301, type=Unsqueeze]; -"3302 3553" [id=3302, type=NonMaxSuppression]; -"3303 3555" [id=3303, type=Gather]; -"3304 3556" [id=3304, type=Squeeze]; -"3305 3560" [id=3305, type=Gather]; -"3306 3486" [id=3306, type=Slice]; -"3307 3488" [id=3307, type=Gather]; -"3308 3489" [id=3308, type=Cast]; -"3309 3490" [id=3309, type=NonZero]; -"3310 3491" [id=3310, type=Transpose]; -"3311 3492" [id=3311, type=Squeeze]; -"3312 3495" [id=3312, type=Cast]; -"3313 3494" [id=3313, type=Gather]; -"3314 3496" [id=3314, type=Gather]; -"3315 3505" [id=3315, type=Unsqueeze]; -"3316 3506" [id=3316, type=Unsqueeze]; -"3317 3501" [id=3317, type=Slice]; -"3318 3503" [id=3318, type=Gather]; -"3319 3504" [id=3319, type=Unsqueeze]; -"3320 3509" [id=3320, type=NonMaxSuppression]; -"3321 3511" [id=3321, type=Gather]; -"3322 3512" [id=3322, type=Squeeze]; -"3323 3516" [id=3323, type=Gather]; -"3324 3442" [id=3324, type=Slice]; -"3325 3444" [id=3325, type=Gather]; -"3326 3445" [id=3326, type=Cast]; -"3327 3446" [id=3327, type=NonZero]; -"3328 3447" [id=3328, type=Transpose]; -"3329 3448" [id=3329, type=Squeeze]; -"3330 3451" [id=3330, type=Cast]; -"3331 3450" [id=3331, type=Gather]; -"3332 3452" [id=3332, type=Gather]; -"3333 3461" [id=3333, type=Unsqueeze]; -"3334 3462" [id=3334, type=Unsqueeze]; -"3335 3457" [id=3335, type=Slice]; -"3336 3459" [id=3336, type=Gather]; -"3337 3460" [id=3337, type=Unsqueeze]; -"3338 3465" [id=3338, type=NonMaxSuppression]; -"3339 3467" [id=3339, type=Gather]; -"3340 3468" [id=3340, type=Squeeze]; -"3341 3472" [id=3341, type=Gather]; -"3342 3398" [id=3342, type=Slice]; -"3343 3400" [id=3343, type=Gather]; -"3344 3401" [id=3344, type=Cast]; -"3345 3402" [id=3345, type=NonZero]; -"3346 3403" [id=3346, type=Transpose]; -"3347 3404" [id=3347, type=Squeeze]; -"3348 3407" [id=3348, type=Cast]; -"3349 3406" [id=3349, type=Gather]; -"3350 3408" [id=3350, type=Gather]; -"3351 3417" [id=3351, type=Unsqueeze]; -"3352 3418" [id=3352, type=Unsqueeze]; -"3353 3413" [id=3353, type=Slice]; -"3354 3415" [id=3354, type=Gather]; -"3355 3416" [id=3355, type=Unsqueeze]; -"3356 3421" [id=3356, type=NonMaxSuppression]; -"3357 3423" [id=3357, type=Gather]; -"3358 3424" [id=3358, type=Squeeze]; -"3359 3428" [id=3359, type=Gather]; -"3360 3354" [id=3360, type=Slice]; -"3361 3356" [id=3361, type=Gather]; -"3362 3357" [id=3362, type=Cast]; -"3363 3358" [id=3363, type=NonZero]; -"3364 3359" [id=3364, type=Transpose]; -"3365 3360" [id=3365, type=Squeeze]; -"3366 3363" [id=3366, type=Cast]; -"3367 3362" [id=3367, type=Gather]; -"3368 3364" [id=3368, type=Gather]; -"3369 3373" [id=3369, type=Unsqueeze]; -"3370 3374" [id=3370, type=Unsqueeze]; -"3371 3369" [id=3371, type=Slice]; -"3372 3371" [id=3372, type=Gather]; -"3373 3372" [id=3373, type=Unsqueeze]; -"3374 3377" [id=3374, type=NonMaxSuppression]; -"3375 3379" [id=3375, type=Gather]; -"3376 3380" [id=3376, type=Squeeze]; -"3377 3384" [id=3377, type=Gather]; -"3378 3310" [id=3378, type=Slice]; -"3379 3312" [id=3379, type=Gather]; -"3380 3313" [id=3380, type=Cast]; -"3381 3314" [id=3381, type=NonZero]; -"3382 3315" [id=3382, type=Transpose]; -"3383 3316" [id=3383, type=Squeeze]; -"3384 3319" [id=3384, type=Cast]; -"3385 3318" [id=3385, type=Gather]; -"3386 3320" [id=3386, type=Gather]; -"3387 3329" [id=3387, type=Unsqueeze]; -"3388 3330" [id=3388, type=Unsqueeze]; -"3389 3325" [id=3389, type=Slice]; -"3390 3327" [id=3390, type=Gather]; -"3391 3328" [id=3391, type=Unsqueeze]; -"3392 3333" [id=3392, type=NonMaxSuppression]; -"3393 3335" [id=3393, type=Gather]; -"3394 3336" [id=3394, type=Squeeze]; -"3395 3340" [id=3395, type=Gather]; -"3396 3266" [id=3396, type=Slice]; -"3397 3268" [id=3397, type=Gather]; -"3398 3269" [id=3398, type=Cast]; -"3399 3270" [id=3399, type=NonZero]; -"3400 3271" [id=3400, type=Transpose]; -"3401 3272" [id=3401, type=Squeeze]; -"3402 3275" [id=3402, type=Cast]; -"3403 3274" [id=3403, type=Gather]; -"3404 3276" [id=3404, type=Gather]; -"3405 3285" [id=3405, type=Unsqueeze]; -"3406 3286" [id=3406, type=Unsqueeze]; -"3407 3281" [id=3407, type=Slice]; -"3408 3283" [id=3408, type=Gather]; -"3409 3284" [id=3409, type=Unsqueeze]; -"3410 3289" [id=3410, type=NonMaxSuppression]; -"3411 3291" [id=3411, type=Gather]; -"3412 3292" [id=3412, type=Squeeze]; -"3413 3296" [id=3413, type=Gather]; -"3414 3222" [id=3414, type=Slice]; -"3415 3224" [id=3415, type=Gather]; -"3416 3225" [id=3416, type=Cast]; -"3417 3226" [id=3417, type=NonZero]; -"3418 3227" [id=3418, type=Transpose]; -"3419 3228" [id=3419, type=Squeeze]; -"3420 3231" [id=3420, type=Cast]; -"3421 3230" [id=3421, type=Gather]; -"3422 3232" [id=3422, type=Gather]; -"3423 3241" [id=3423, type=Unsqueeze]; -"3424 3242" [id=3424, type=Unsqueeze]; -"3425 3237" [id=3425, type=Slice]; -"3426 3239" [id=3426, type=Gather]; -"3427 3240" [id=3427, type=Unsqueeze]; -"3428 3245" [id=3428, type=NonMaxSuppression]; -"3429 3247" [id=3429, type=Gather]; -"3430 3248" [id=3430, type=Squeeze]; -"3431 3252" [id=3431, type=Gather]; -"3432 3178" [id=3432, type=Slice]; -"3433 3180" [id=3433, type=Gather]; -"3434 3181" [id=3434, type=Cast]; -"3435 3182" [id=3435, type=NonZero]; -"3436 3183" [id=3436, type=Transpose]; -"3437 3184" [id=3437, type=Squeeze]; -"3438 3187" [id=3438, type=Cast]; -"3439 3186" [id=3439, type=Gather]; -"3440 3188" [id=3440, type=Gather]; -"3441 3197" [id=3441, type=Unsqueeze]; -"3442 3198" [id=3442, type=Unsqueeze]; -"3443 3193" [id=3443, type=Slice]; -"3444 3195" [id=3444, type=Gather]; -"3445 3196" [id=3445, type=Unsqueeze]; -"3446 3201" [id=3446, type=NonMaxSuppression]; -"3447 3203" [id=3447, type=Gather]; -"3448 3204" [id=3448, type=Squeeze]; -"3449 3208" [id=3449, type=Gather]; -"3450 3134" [id=3450, type=Slice]; -"3451 3136" [id=3451, type=Gather]; -"3452 3137" [id=3452, type=Cast]; -"3453 3138" [id=3453, type=NonZero]; -"3454 3139" [id=3454, type=Transpose]; -"3455 3140" [id=3455, type=Squeeze]; -"3456 3143" [id=3456, type=Cast]; -"3457 3142" [id=3457, type=Gather]; -"3458 3144" [id=3458, type=Gather]; -"3459 3153" [id=3459, type=Unsqueeze]; -"3460 3154" [id=3460, type=Unsqueeze]; -"3461 3149" [id=3461, type=Slice]; -"3462 3151" [id=3462, type=Gather]; -"3463 3152" [id=3463, type=Unsqueeze]; -"3464 3157" [id=3464, type=NonMaxSuppression]; -"3465 3159" [id=3465, type=Gather]; -"3466 3160" [id=3466, type=Squeeze]; -"3467 3164" [id=3467, type=Gather]; -"3468 3090" [id=3468, type=Slice]; -"3469 3092" [id=3469, type=Gather]; -"3470 3093" [id=3470, type=Cast]; -"3471 3094" [id=3471, type=NonZero]; -"3472 3095" [id=3472, type=Transpose]; -"3473 3096" [id=3473, type=Squeeze]; -"3474 3099" [id=3474, type=Cast]; -"3475 3098" [id=3475, type=Gather]; -"3476 3100" [id=3476, type=Gather]; -"3477 3109" [id=3477, type=Unsqueeze]; -"3478 3110" [id=3478, type=Unsqueeze]; -"3479 3105" [id=3479, type=Slice]; -"3480 3107" [id=3480, type=Gather]; -"3481 3108" [id=3481, type=Unsqueeze]; -"3482 3113" [id=3482, type=NonMaxSuppression]; -"3483 3115" [id=3483, type=Gather]; -"3484 3116" [id=3484, type=Squeeze]; -"3485 3120" [id=3485, type=Gather]; -"3486 3046" [id=3486, type=Slice]; -"3487 3048" [id=3487, type=Gather]; -"3488 3049" [id=3488, type=Cast]; -"3489 3050" [id=3489, type=NonZero]; -"3490 3051" [id=3490, type=Transpose]; -"3491 3052" [id=3491, type=Squeeze]; -"3492 3055" [id=3492, type=Cast]; -"3493 3054" [id=3493, type=Gather]; -"3494 3056" [id=3494, type=Gather]; -"3495 3065" [id=3495, type=Unsqueeze]; -"3496 3066" [id=3496, type=Unsqueeze]; -"3497 3061" [id=3497, type=Slice]; -"3498 3063" [id=3498, type=Gather]; -"3499 3064" [id=3499, type=Unsqueeze]; -"3500 3069" [id=3500, type=NonMaxSuppression]; -"3501 3071" [id=3501, type=Gather]; -"3502 3072" [id=3502, type=Squeeze]; -"3503 3076" [id=3503, type=Gather]; -"3504 3002" [id=3504, type=Slice]; -"3505 3004" [id=3505, type=Gather]; -"3506 3005" [id=3506, type=Cast]; -"3507 3006" [id=3507, type=NonZero]; -"3508 3007" [id=3508, type=Transpose]; -"3509 3008" [id=3509, type=Squeeze]; -"3510 3011" [id=3510, type=Cast]; -"3511 3010" [id=3511, type=Gather]; -"3512 3012" [id=3512, type=Gather]; -"3513 3021" [id=3513, type=Unsqueeze]; -"3514 3022" [id=3514, type=Unsqueeze]; -"3515 3017" [id=3515, type=Slice]; -"3516 3019" [id=3516, type=Gather]; -"3517 3020" [id=3517, type=Unsqueeze]; -"3518 3025" [id=3518, type=NonMaxSuppression]; -"3519 3027" [id=3519, type=Gather]; -"3520 3028" [id=3520, type=Squeeze]; -"3521 3032" [id=3521, type=Gather]; -"3522 6520" [id=3522, type=Concat]; -"3523 6521" [id=3523, type=Shape]; -"3524 6523" [id=3524, type=Concat]; -"3525 6524" [id=3525, type=Cast]; -"3526 6525" [id=3526, type=ReduceMin]; -"3527 6526" [id=3527, type=Cast]; -"3528 6527" [id=3528, type=Unsqueeze]; -"3529 6528" [id=3529, type=TopK]; -"3530 6529" [id=3530, type=Cast]; -"3531 6505" [id=3531, type=Cast]; -"3532 6506" [id=3532, type=Gather]; -"3533 6461" [id=3533, type=Cast]; -"3534 6462" [id=3534, type=Gather]; -"3535 6417" [id=3535, type=Cast]; -"3536 6418" [id=3536, type=Gather]; -"3537 6373" [id=3537, type=Cast]; -"3538 6374" [id=3538, type=Gather]; -"3539 6329" [id=3539, type=Cast]; -"3540 6330" [id=3540, type=Gather]; -"3541 6285" [id=3541, type=Cast]; -"3542 6286" [id=3542, type=Gather]; -"3543 6241" [id=3543, type=Cast]; -"3544 6242" [id=3544, type=Gather]; -"3545 6197" [id=3545, type=Cast]; -"3546 6198" [id=3546, type=Gather]; -"3547 6153" [id=3547, type=Cast]; -"3548 6154" [id=3548, type=Gather]; -"3549 6109" [id=3549, type=Cast]; -"3550 6110" [id=3550, type=Gather]; -"3551 6065" [id=3551, type=Cast]; -"3552 6066" [id=3552, type=Gather]; -"3553 6021" [id=3553, type=Cast]; -"3554 6022" [id=3554, type=Gather]; -"3555 5977" [id=3555, type=Cast]; -"3556 5978" [id=3556, type=Gather]; -"3557 5933" [id=3557, type=Cast]; -"3558 5934" [id=3558, type=Gather]; -"3559 5889" [id=3559, type=Cast]; -"3560 5890" [id=3560, type=Gather]; -"3561 5845" [id=3561, type=Cast]; -"3562 5846" [id=3562, type=Gather]; -"3563 5801" [id=3563, type=Cast]; -"3564 5802" [id=3564, type=Gather]; -"3565 5757" [id=3565, type=Cast]; -"3566 5758" [id=3566, type=Gather]; -"3567 5713" [id=3567, type=Cast]; -"3568 5714" [id=3568, type=Gather]; -"3569 5669" [id=3569, type=Cast]; -"3570 5670" [id=3570, type=Gather]; -"3571 5625" [id=3571, type=Cast]; -"3572 5626" [id=3572, type=Gather]; -"3573 5581" [id=3573, type=Cast]; -"3574 5582" [id=3574, type=Gather]; -"3575 5537" [id=3575, type=Cast]; -"3576 5538" [id=3576, type=Gather]; -"3577 5493" [id=3577, type=Cast]; -"3578 5494" [id=3578, type=Gather]; -"3579 5449" [id=3579, type=Cast]; -"3580 5450" [id=3580, type=Gather]; -"3581 5405" [id=3581, type=Cast]; -"3582 5406" [id=3582, type=Gather]; -"3583 5361" [id=3583, type=Cast]; -"3584 5362" [id=3584, type=Gather]; -"3585 5317" [id=3585, type=Cast]; -"3586 5318" [id=3586, type=Gather]; -"3587 5273" [id=3587, type=Cast]; -"3588 5274" [id=3588, type=Gather]; -"3589 5229" [id=3589, type=Cast]; -"3590 5230" [id=3590, type=Gather]; -"3591 5185" [id=3591, type=Cast]; -"3592 5186" [id=3592, type=Gather]; -"3593 5141" [id=3593, type=Cast]; -"3594 5142" [id=3594, type=Gather]; -"3595 5097" [id=3595, type=Cast]; -"3596 5098" [id=3596, type=Gather]; -"3597 5053" [id=3597, type=Cast]; -"3598 5054" [id=3598, type=Gather]; -"3599 5009" [id=3599, type=Cast]; -"3600 5010" [id=3600, type=Gather]; -"3601 4965" [id=3601, type=Cast]; -"3602 4966" [id=3602, type=Gather]; -"3603 4921" [id=3603, type=Cast]; -"3604 4922" [id=3604, type=Gather]; -"3605 4877" [id=3605, type=Cast]; -"3606 4878" [id=3606, type=Gather]; -"3607 4833" [id=3607, type=Cast]; -"3608 4834" [id=3608, type=Gather]; -"3609 4789" [id=3609, type=Cast]; -"3610 4790" [id=3610, type=Gather]; -"3611 4745" [id=3611, type=Cast]; -"3612 4746" [id=3612, type=Gather]; -"3613 4701" [id=3613, type=Cast]; -"3614 4702" [id=3614, type=Gather]; -"3615 4657" [id=3615, type=Cast]; -"3616 4658" [id=3616, type=Gather]; -"3617 4613" [id=3617, type=Cast]; -"3618 4614" [id=3618, type=Gather]; -"3619 4569" [id=3619, type=Cast]; -"3620 4570" [id=3620, type=Gather]; -"3621 4525" [id=3621, type=Cast]; -"3622 4526" [id=3622, type=Gather]; -"3623 4481" [id=3623, type=Cast]; -"3624 4482" [id=3624, type=Gather]; -"3625 4437" [id=3625, type=Cast]; -"3626 4438" [id=3626, type=Gather]; -"3627 4393" [id=3627, type=Cast]; -"3628 4394" [id=3628, type=Gather]; -"3629 4349" [id=3629, type=Cast]; -"3630 4350" [id=3630, type=Gather]; -"3631 4305" [id=3631, type=Cast]; -"3632 4306" [id=3632, type=Gather]; -"3633 4261" [id=3633, type=Cast]; -"3634 4262" [id=3634, type=Gather]; -"3635 4217" [id=3635, type=Cast]; -"3636 4218" [id=3636, type=Gather]; -"3637 4173" [id=3637, type=Cast]; -"3638 4174" [id=3638, type=Gather]; -"3639 4129" [id=3639, type=Cast]; -"3640 4130" [id=3640, type=Gather]; -"3641 4085" [id=3641, type=Cast]; -"3642 4086" [id=3642, type=Gather]; -"3643 4041" [id=3643, type=Cast]; -"3644 4042" [id=3644, type=Gather]; -"3645 3997" [id=3645, type=Cast]; -"3646 3998" [id=3646, type=Gather]; -"3647 3953" [id=3647, type=Cast]; -"3648 3954" [id=3648, type=Gather]; -"3649 3909" [id=3649, type=Cast]; -"3650 3910" [id=3650, type=Gather]; -"3651 3865" [id=3651, type=Cast]; -"3652 3866" [id=3652, type=Gather]; -"3653 3821" [id=3653, type=Cast]; -"3654 3822" [id=3654, type=Gather]; -"3655 3777" [id=3655, type=Cast]; -"3656 3778" [id=3656, type=Gather]; -"3657 3733" [id=3657, type=Cast]; -"3658 3734" [id=3658, type=Gather]; -"3659 3689" [id=3659, type=Cast]; -"3660 3690" [id=3660, type=Gather]; -"3661 3645" [id=3661, type=Cast]; -"3662 3646" [id=3662, type=Gather]; -"3663 3601" [id=3663, type=Cast]; -"3664 3602" [id=3664, type=Gather]; -"3665 3557" [id=3665, type=Cast]; -"3666 3558" [id=3666, type=Gather]; -"3667 3513" [id=3667, type=Cast]; -"3668 3514" [id=3668, type=Gather]; -"3669 3469" [id=3669, type=Cast]; -"3670 3470" [id=3670, type=Gather]; -"3671 3425" [id=3671, type=Cast]; -"3672 3426" [id=3672, type=Gather]; -"3673 3381" [id=3673, type=Cast]; -"3674 3382" [id=3674, type=Gather]; -"3675 3337" [id=3675, type=Cast]; -"3676 3338" [id=3676, type=Gather]; -"3677 3293" [id=3677, type=Cast]; -"3678 3294" [id=3678, type=Gather]; -"3679 3249" [id=3679, type=Cast]; -"3680 3250" [id=3680, type=Gather]; -"3681 3205" [id=3681, type=Cast]; -"3682 3206" [id=3682, type=Gather]; -"3683 3161" [id=3683, type=Cast]; -"3684 3162" [id=3684, type=Gather]; -"3685 3117" [id=3685, type=Cast]; -"3686 3118" [id=3686, type=Gather]; -"3687 3073" [id=3687, type=Cast]; -"3688 3074" [id=3688, type=Gather]; -"3689 3029" [id=3689, type=Cast]; -"3690 3030" [id=3690, type=Gather]; -"3691 6518" [id=3691, type=Concat]; -"3692 6530" [id=3692, type=Gather]; -"3693 QuantizeLinear_6568_1" [id=3693, type=QuantizeLinear]; -"3694 DequantizeLinear_6568_1" [id=3694, type=DequantizeLinear]; -"3695 QuantizeLinear_6568_2" [id=3695, type=QuantizeLinear]; -"3696 DequantizeLinear_6568_2" [id=3696, type=DequantizeLinear]; -"3697 QuantizeLinear_6568_3" [id=3697, type=QuantizeLinear]; -"3698 DequantizeLinear_6568_3" [id=3698, type=DequantizeLinear]; -"3699 QuantizeLinear_6568_4" [id=3699, type=QuantizeLinear]; -"3700 DequantizeLinear_6568_4" [id=3700, type=DequantizeLinear]; -"3701 6576" [id=3701, type=Slice]; -"3702 6578" [id=3702, type=Gather]; -"3703 6569" [id=3703, type=Slice]; -"3704 6571" [id=3704, type=Gather]; -"3705 6579" [id=3705, type=Sub]; -"3706 QuantizeLinear_6617_1" [id=3706, type=QuantizeLinear]; -"3707 DequantizeLinear_6617_1" [id=3707, type=DequantizeLinear]; -"3708 6581" [id=3708, type=Add]; -"3709 6559" [id=3709, type=Slice]; -"3710 6561" [id=3710, type=Gather]; -"3711 6552" [id=3711, type=Slice]; -"3712 6554" [id=3712, type=Gather]; -"3713 6562" [id=3713, type=Sub]; -"3714 QuantizeLinear_6600_1" [id=3714, type=QuantizeLinear]; -"3715 DequantizeLinear_6600_1" [id=3715, type=DequantizeLinear]; -"3716 6564" [id=3716, type=Add]; -"3717 QuantizeLinear_6619_1" [id=3717, type=QuantizeLinear]; -"3718 DequantizeLinear_6619_1" [id=3718, type=DequantizeLinear]; -"3719 QuantizeLinear_6602_1" [id=3719, type=QuantizeLinear]; -"3720 DequantizeLinear_6602_1" [id=3720, type=DequantizeLinear]; -"3721 6582" [id=3721, type=Mul]; -"3722 QuantizeLinear_6620_1" [id=3722, type=QuantizeLinear]; -"3723 DequantizeLinear_6620_1" [id=3723, type=DequantizeLinear]; -"3724 6583" [id=3724, type=Sqrt]; -"3725 6586" [id=3725, type=Div]; -"3726 QuantizeLinear_6624_1" [id=3726, type=QuantizeLinear]; -"3727 DequantizeLinear_6624_1" [id=3727, type=DequantizeLinear]; -"3728 6587" [id=3728, type=Add]; -"3729 6588" [id=3729, type=Log]; -"3730 6590" [id=3730, type=Div]; -"3731 QuantizeLinear_6628_1" [id=3731, type=QuantizeLinear]; -"3732 DequantizeLinear_6628_1" [id=3732, type=DequantizeLinear]; -"3733 6592" [id=3733, type=Add]; -"3734 QuantizeLinear_6630_1" [id=3734, type=QuantizeLinear]; -"3735 DequantizeLinear_6630_1" [id=3735, type=DequantizeLinear]; -"3736 6593" [id=3736, type=Floor]; -"3737 6594" [id=3737, type=Clip]; -"3738 6595" [id=3738, type=Cast]; -"3739 6597" [id=3739, type=Sub]; -"3740 6599" [id=3740, type=Equal]; -"3741 6601" [id=3741, type=Cast]; -"3742 6602" [id=3742, type=NonZero]; -"3743 6603" [id=3743, type=Transpose]; -"3744 6604" [id=3744, type=Squeeze]; -"3745 6605" [id=3745, type=Cast]; -"3746 6539" [id=3746, type=Slice]; -"3747 6544" [id=3747, type=Slice]; -"3748 6545" [id=3748, type=Shape]; -"3749 6546" [id=3749, type=ConstantOfShape]; -"3750 6547" [id=3750, type=Concat]; -"3751 6606" [id=3751, type=Gather]; -"3752 6612" [id=3752, type=Gather]; -"3753 6608" [id=3753, type=Gather]; -"3754 6609" [id=3754, type=Squeeze]; -"3755 6610" [id=3755, type=Cast]; -"3756 6613" [id=3756, type=RoiAlign]; -"3757 6614" [id=3757, type=Cast]; -"3758 6702" [id=3758, type=Shape]; -"3759 6703" [id=3759, type=Gather]; -"3760 6707" [id=3760, type=Unsqueeze]; -"3761 6699" [id=3761, type=Shape]; -"3762 6700" [id=3762, type=Gather]; -"3763 6706" [id=3763, type=Unsqueeze]; -"3764 6696" [id=3764, type=Shape]; -"3765 6697" [id=3765, type=Gather]; -"3766 6705" [id=3766, type=Unsqueeze]; -"3767 6685" [id=3767, type=Equal]; -"3768 6687" [id=3768, type=Cast]; -"3769 6688" [id=3769, type=NonZero]; -"3770 6689" [id=3770, type=Transpose]; -"3771 6691" [id=3771, type=Reshape]; -"3772 6693" [id=3772, type=Shape]; -"3773 6694" [id=3773, type=Gather]; -"3774 6704" [id=3774, type=Unsqueeze]; -"3775 6708" [id=3775, type=Concat]; -"3776 6709" [id=3776, type=Expand]; -"3777 6710" [id=3777, type=Cast]; -"3778 6676" [id=3778, type=Shape]; -"3779 6677" [id=3779, type=Gather]; -"3780 6681" [id=3780, type=Unsqueeze]; -"3781 6673" [id=3781, type=Shape]; -"3782 6674" [id=3782, type=Gather]; -"3783 6680" [id=3783, type=Unsqueeze]; -"3784 6670" [id=3784, type=Shape]; -"3785 6671" [id=3785, type=Gather]; -"3786 6679" [id=3786, type=Unsqueeze]; -"3787 6667" [id=3787, type=Shape]; -"3788 6668" [id=3788, type=Gather]; -"3789 6678" [id=3789, type=Unsqueeze]; -"3790 6682" [id=3790, type=Concat]; -"3791 6683" [id=3791, type=ConstantOfShape]; -"3792 6711" [id=3792, type=ScatterElements]; -"3793 6616" [id=3793, type=Equal]; -"3794 6618" [id=3794, type=Cast]; -"3795 6619" [id=3795, type=NonZero]; -"3796 6620" [id=3796, type=Transpose]; -"3797 6621" [id=3797, type=Squeeze]; -"3798 6622" [id=3798, type=Cast]; -"3799 6623" [id=3799, type=Gather]; -"3800 6629" [id=3800, type=Gather]; -"3801 6625" [id=3801, type=Gather]; -"3802 6626" [id=3802, type=Squeeze]; -"3803 6627" [id=3803, type=Cast]; -"3804 6630" [id=3804, type=RoiAlign]; -"3805 6631" [id=3805, type=Cast]; -"3806 6730" [id=3806, type=Shape]; -"3807 6731" [id=3807, type=Gather]; -"3808 6735" [id=3808, type=Unsqueeze]; -"3809 6727" [id=3809, type=Shape]; -"3810 6728" [id=3810, type=Gather]; -"3811 6734" [id=3811, type=Unsqueeze]; -"3812 6724" [id=3812, type=Shape]; -"3813 6725" [id=3813, type=Gather]; -"3814 6733" [id=3814, type=Unsqueeze]; -"3815 6713" [id=3815, type=Equal]; -"3816 6715" [id=3816, type=Cast]; -"3817 6716" [id=3817, type=NonZero]; -"3818 6717" [id=3818, type=Transpose]; -"3819 6719" [id=3819, type=Reshape]; -"3820 6721" [id=3820, type=Shape]; -"3821 6722" [id=3821, type=Gather]; -"3822 6732" [id=3822, type=Unsqueeze]; -"3823 6736" [id=3823, type=Concat]; -"3824 6737" [id=3824, type=Expand]; -"3825 6738" [id=3825, type=Cast]; -"3826 6739" [id=3826, type=ScatterElements]; -"3827 6633" [id=3827, type=Equal]; -"3828 6635" [id=3828, type=Cast]; -"3829 6636" [id=3829, type=NonZero]; -"3830 6637" [id=3830, type=Transpose]; -"3831 6638" [id=3831, type=Squeeze]; -"3832 6639" [id=3832, type=Cast]; -"3833 6640" [id=3833, type=Gather]; -"3834 6646" [id=3834, type=Gather]; -"3835 6642" [id=3835, type=Gather]; -"3836 6643" [id=3836, type=Squeeze]; -"3837 6644" [id=3837, type=Cast]; -"3838 6647" [id=3838, type=RoiAlign]; -"3839 6648" [id=3839, type=Cast]; -"3840 6758" [id=3840, type=Shape]; -"3841 6759" [id=3841, type=Gather]; -"3842 6763" [id=3842, type=Unsqueeze]; -"3843 6755" [id=3843, type=Shape]; -"3844 6756" [id=3844, type=Gather]; -"3845 6762" [id=3845, type=Unsqueeze]; -"3846 6752" [id=3846, type=Shape]; -"3847 6753" [id=3847, type=Gather]; -"3848 6761" [id=3848, type=Unsqueeze]; -"3849 6741" [id=3849, type=Equal]; -"3850 6743" [id=3850, type=Cast]; -"3851 6744" [id=3851, type=NonZero]; -"3852 6745" [id=3852, type=Transpose]; -"3853 6747" [id=3853, type=Reshape]; -"3854 6749" [id=3854, type=Shape]; -"3855 6750" [id=3855, type=Gather]; -"3856 6760" [id=3856, type=Unsqueeze]; -"3857 6764" [id=3857, type=Concat]; -"3858 6765" [id=3858, type=Expand]; -"3859 6766" [id=3859, type=Cast]; -"3860 6767" [id=3860, type=ScatterElements]; -"3861 6650" [id=3861, type=Equal]; -"3862 6652" [id=3862, type=Cast]; -"3863 6653" [id=3863, type=NonZero]; -"3864 6654" [id=3864, type=Transpose]; -"3865 6655" [id=3865, type=Squeeze]; -"3866 6656" [id=3866, type=Cast]; -"3867 6657" [id=3867, type=Gather]; -"3868 6663" [id=3868, type=Gather]; -"3869 6659" [id=3869, type=Gather]; -"3870 6660" [id=3870, type=Squeeze]; -"3871 6661" [id=3871, type=Cast]; -"3872 6664" [id=3872, type=RoiAlign]; -"3873 6665" [id=3873, type=Cast]; -"3874 6786" [id=3874, type=Shape]; -"3875 6787" [id=3875, type=Gather]; -"3876 6791" [id=3876, type=Unsqueeze]; -"3877 6783" [id=3877, type=Shape]; -"3878 6784" [id=3878, type=Gather]; -"3879 6790" [id=3879, type=Unsqueeze]; -"3880 6780" [id=3880, type=Shape]; -"3881 6781" [id=3881, type=Gather]; -"3882 6789" [id=3882, type=Unsqueeze]; -"3883 6769" [id=3883, type=Equal]; -"3884 6771" [id=3884, type=Cast]; -"3885 6772" [id=3885, type=NonZero]; -"3886 6773" [id=3886, type=Transpose]; -"3887 6775" [id=3887, type=Reshape]; -"3888 6777" [id=3888, type=Shape]; -"3889 6778" [id=3889, type=Gather]; -"3890 6788" [id=3890, type=Unsqueeze]; -"3891 6792" [id=3891, type=Concat]; -"3892 6793" [id=3892, type=Expand]; -"3893 6794" [id=3893, type=Cast]; -"3894 6795" [id=3894, type=ScatterElements]; -"3895 QuantizeLinear_6833_1" [id=3895, type=QuantizeLinear]; -"3896 DequantizeLinear_6833_1" [id=3896, type=DequantizeLinear]; -"3897 QuantizeLinear_6834_1" [id=3897, type=QuantizeLinear]; -"3898 DequantizeLinear_6834_1" [id=3898, type=DequantizeLinear]; -"3899 6798" [id=3899, type=Conv]; -"3900 6799" [id=3900, type=Relu]; -"3901 QuantizeLinear_6837_1" [id=3901, type=QuantizeLinear]; -"3902 DequantizeLinear_6837_1" [id=3902, type=DequantizeLinear]; -"3903 QuantizeLinear_6838_1" [id=3903, type=QuantizeLinear]; -"3904 DequantizeLinear_6838_1" [id=3904, type=DequantizeLinear]; -"3905 6802" [id=3905, type=Conv]; -"3906 6803" [id=3906, type=Relu]; -"3907 QuantizeLinear_6841_1" [id=3907, type=QuantizeLinear]; -"3908 DequantizeLinear_6841_1" [id=3908, type=DequantizeLinear]; -"3909 QuantizeLinear_6842_1" [id=3909, type=QuantizeLinear]; -"3910 DequantizeLinear_6842_1" [id=3910, type=DequantizeLinear]; -"3911 6806" [id=3911, type=Conv]; -"3912 6807" [id=3912, type=Relu]; -"3913 QuantizeLinear_6845_1" [id=3913, type=QuantizeLinear]; -"3914 DequantizeLinear_6845_1" [id=3914, type=DequantizeLinear]; -"3915 QuantizeLinear_6846_1" [id=3915, type=QuantizeLinear]; -"3916 DequantizeLinear_6846_1" [id=3916, type=DequantizeLinear]; -"3917 6810" [id=3917, type=Conv]; -"3918 6811" [id=3918, type=Relu]; -"3919 QuantizeLinear_6849_1" [id=3919, type=QuantizeLinear]; -"3920 DequantizeLinear_6849_1" [id=3920, type=DequantizeLinear]; -"3921 QuantizeLinear_6850_1" [id=3921, type=QuantizeLinear]; -"3922 DequantizeLinear_6850_1" [id=3922, type=DequantizeLinear]; -"3923 6814" [id=3923, type=ConvTranspose]; -"3924 6815" [id=3924, type=Relu]; -"3925 QuantizeLinear_6853_1" [id=3925, type=QuantizeLinear]; -"3926 DequantizeLinear_6853_1" [id=3926, type=DequantizeLinear]; -"3927 QuantizeLinear_6854_1" [id=3927, type=QuantizeLinear]; -"3928 DequantizeLinear_6854_1" [id=3928, type=DequantizeLinear]; -"3929 6818" [id=3929, type=Conv]; -"3930 6819" [id=3930, type=Sigmoid]; -"3931 6844" [id=3931, type=Shape]; -"3932 6845" [id=3932, type=Gather]; -"3933 6822" [id=3933, type=Shape]; -"3934 6823" [id=3934, type=Gather]; -"3935 6824" [id=3935, type=Unsqueeze]; -"3936 6825" [id=3936, type=Concat]; -"3937 6826" [id=3937, type=ConstantOfShape]; -"3938 6827" [id=3938, type=Cast]; -"3939 6828" [id=3939, type=NonZero]; -"3940 6829" [id=3940, type=Transpose]; -"3941 6830" [id=3941, type=Squeeze]; -"3942 6846" [id=3942, type=Mul]; -"3943 6513" [id=3943, type=Slice]; -"3944 6515" [id=3944, type=Gather]; -"3945 6516" [id=3945, type=Shape]; -"3946 6517" [id=3946, type=ConstantOfShape]; -"3947 6469" [id=3947, type=Slice]; -"3948 6471" [id=3948, type=Gather]; -"3949 6472" [id=3949, type=Shape]; -"3950 6473" [id=3950, type=ConstantOfShape]; -"3951 6425" [id=3951, type=Slice]; -"3952 6427" [id=3952, type=Gather]; -"3953 6428" [id=3953, type=Shape]; -"3954 6429" [id=3954, type=ConstantOfShape]; -"3955 6381" [id=3955, type=Slice]; -"3956 6383" [id=3956, type=Gather]; -"3957 6384" [id=3957, type=Shape]; -"3958 6385" [id=3958, type=ConstantOfShape]; -"3959 6337" [id=3959, type=Slice]; -"3960 6339" [id=3960, type=Gather]; -"3961 6340" [id=3961, type=Shape]; -"3962 6341" [id=3962, type=ConstantOfShape]; -"3963 6293" [id=3963, type=Slice]; -"3964 6295" [id=3964, type=Gather]; -"3965 6296" [id=3965, type=Shape]; -"3966 6297" [id=3966, type=ConstantOfShape]; -"3967 6249" [id=3967, type=Slice]; -"3968 6251" [id=3968, type=Gather]; -"3969 6252" [id=3969, type=Shape]; -"3970 6253" [id=3970, type=ConstantOfShape]; -"3971 6205" [id=3971, type=Slice]; -"3972 6207" [id=3972, type=Gather]; -"3973 6208" [id=3973, type=Shape]; -"3974 6209" [id=3974, type=ConstantOfShape]; -"3975 6161" [id=3975, type=Slice]; -"3976 6163" [id=3976, type=Gather]; -"3977 6164" [id=3977, type=Shape]; -"3978 6165" [id=3978, type=ConstantOfShape]; -"3979 6117" [id=3979, type=Slice]; -"3980 6119" [id=3980, type=Gather]; -"3981 6120" [id=3981, type=Shape]; -"3982 6121" [id=3982, type=ConstantOfShape]; -"3983 6073" [id=3983, type=Slice]; -"3984 6075" [id=3984, type=Gather]; -"3985 6076" [id=3985, type=Shape]; -"3986 6077" [id=3986, type=ConstantOfShape]; -"3987 6029" [id=3987, type=Slice]; -"3988 6031" [id=3988, type=Gather]; -"3989 6032" [id=3989, type=Shape]; -"3990 6033" [id=3990, type=ConstantOfShape]; -"3991 5985" [id=3991, type=Slice]; -"3992 5987" [id=3992, type=Gather]; -"3993 5988" [id=3993, type=Shape]; -"3994 5989" [id=3994, type=ConstantOfShape]; -"3995 5941" [id=3995, type=Slice]; -"3996 5943" [id=3996, type=Gather]; -"3997 5944" [id=3997, type=Shape]; -"3998 5945" [id=3998, type=ConstantOfShape]; -"3999 5897" [id=3999, type=Slice]; -"4000 5899" [id=4000, type=Gather]; -"4001 5900" [id=4001, type=Shape]; -"4002 5901" [id=4002, type=ConstantOfShape]; -"4003 5853" [id=4003, type=Slice]; -"4004 5855" [id=4004, type=Gather]; -"4005 5856" [id=4005, type=Shape]; -"4006 5857" [id=4006, type=ConstantOfShape]; -"4007 5809" [id=4007, type=Slice]; -"4008 5811" [id=4008, type=Gather]; -"4009 5812" [id=4009, type=Shape]; -"4010 5813" [id=4010, type=ConstantOfShape]; -"4011 5765" [id=4011, type=Slice]; -"4012 5767" [id=4012, type=Gather]; -"4013 5768" [id=4013, type=Shape]; -"4014 5769" [id=4014, type=ConstantOfShape]; -"4015 5721" [id=4015, type=Slice]; -"4016 5723" [id=4016, type=Gather]; -"4017 5724" [id=4017, type=Shape]; -"4018 5725" [id=4018, type=ConstantOfShape]; -"4019 5677" [id=4019, type=Slice]; -"4020 5679" [id=4020, type=Gather]; -"4021 5680" [id=4021, type=Shape]; -"4022 5681" [id=4022, type=ConstantOfShape]; -"4023 5633" [id=4023, type=Slice]; -"4024 5635" [id=4024, type=Gather]; -"4025 5636" [id=4025, type=Shape]; -"4026 5637" [id=4026, type=ConstantOfShape]; -"4027 5589" [id=4027, type=Slice]; -"4028 5591" [id=4028, type=Gather]; -"4029 5592" [id=4029, type=Shape]; -"4030 5593" [id=4030, type=ConstantOfShape]; -"4031 5545" [id=4031, type=Slice]; -"4032 5547" [id=4032, type=Gather]; -"4033 5548" [id=4033, type=Shape]; -"4034 5549" [id=4034, type=ConstantOfShape]; -"4035 5501" [id=4035, type=Slice]; -"4036 5503" [id=4036, type=Gather]; -"4037 5504" [id=4037, type=Shape]; -"4038 5505" [id=4038, type=ConstantOfShape]; -"4039 5457" [id=4039, type=Slice]; -"4040 5459" [id=4040, type=Gather]; -"4041 5460" [id=4041, type=Shape]; -"4042 5461" [id=4042, type=ConstantOfShape]; -"4043 5413" [id=4043, type=Slice]; -"4044 5415" [id=4044, type=Gather]; -"4045 5416" [id=4045, type=Shape]; -"4046 5417" [id=4046, type=ConstantOfShape]; -"4047 5369" [id=4047, type=Slice]; -"4048 5371" [id=4048, type=Gather]; -"4049 5372" [id=4049, type=Shape]; -"4050 5373" [id=4050, type=ConstantOfShape]; -"4051 5325" [id=4051, type=Slice]; -"4052 5327" [id=4052, type=Gather]; -"4053 5328" [id=4053, type=Shape]; -"4054 5329" [id=4054, type=ConstantOfShape]; -"4055 5281" [id=4055, type=Slice]; -"4056 5283" [id=4056, type=Gather]; -"4057 5284" [id=4057, type=Shape]; -"4058 5285" [id=4058, type=ConstantOfShape]; -"4059 5237" [id=4059, type=Slice]; -"4060 5239" [id=4060, type=Gather]; -"4061 5240" [id=4061, type=Shape]; -"4062 5241" [id=4062, type=ConstantOfShape]; -"4063 5193" [id=4063, type=Slice]; -"4064 5195" [id=4064, type=Gather]; -"4065 5196" [id=4065, type=Shape]; -"4066 5197" [id=4066, type=ConstantOfShape]; -"4067 5149" [id=4067, type=Slice]; -"4068 5151" [id=4068, type=Gather]; -"4069 5152" [id=4069, type=Shape]; -"4070 5153" [id=4070, type=ConstantOfShape]; -"4071 5105" [id=4071, type=Slice]; -"4072 5107" [id=4072, type=Gather]; -"4073 5108" [id=4073, type=Shape]; -"4074 5109" [id=4074, type=ConstantOfShape]; -"4075 5061" [id=4075, type=Slice]; -"4076 5063" [id=4076, type=Gather]; -"4077 5064" [id=4077, type=Shape]; -"4078 5065" [id=4078, type=ConstantOfShape]; -"4079 5017" [id=4079, type=Slice]; -"4080 5019" [id=4080, type=Gather]; -"4081 5020" [id=4081, type=Shape]; -"4082 5021" [id=4082, type=ConstantOfShape]; -"4083 4973" [id=4083, type=Slice]; -"4084 4975" [id=4084, type=Gather]; -"4085 4976" [id=4085, type=Shape]; -"4086 4977" [id=4086, type=ConstantOfShape]; -"4087 4929" [id=4087, type=Slice]; -"4088 4931" [id=4088, type=Gather]; -"4089 4932" [id=4089, type=Shape]; -"4090 4933" [id=4090, type=ConstantOfShape]; -"4091 4885" [id=4091, type=Slice]; -"4092 4887" [id=4092, type=Gather]; -"4093 4888" [id=4093, type=Shape]; -"4094 4889" [id=4094, type=ConstantOfShape]; -"4095 4841" [id=4095, type=Slice]; -"4096 4843" [id=4096, type=Gather]; -"4097 4844" [id=4097, type=Shape]; -"4098 4845" [id=4098, type=ConstantOfShape]; -"4099 4797" [id=4099, type=Slice]; -"4100 4799" [id=4100, type=Gather]; -"4101 4800" [id=4101, type=Shape]; -"4102 4801" [id=4102, type=ConstantOfShape]; -"4103 4753" [id=4103, type=Slice]; -"4104 4755" [id=4104, type=Gather]; -"4105 4756" [id=4105, type=Shape]; -"4106 4757" [id=4106, type=ConstantOfShape]; -"4107 4709" [id=4107, type=Slice]; -"4108 4711" [id=4108, type=Gather]; -"4109 4712" [id=4109, type=Shape]; -"4110 4713" [id=4110, type=ConstantOfShape]; -"4111 4665" [id=4111, type=Slice]; -"4112 4667" [id=4112, type=Gather]; -"4113 4668" [id=4113, type=Shape]; -"4114 4669" [id=4114, type=ConstantOfShape]; -"4115 4621" [id=4115, type=Slice]; -"4116 4623" [id=4116, type=Gather]; -"4117 4624" [id=4117, type=Shape]; -"4118 4625" [id=4118, type=ConstantOfShape]; -"4119 4577" [id=4119, type=Slice]; -"4120 4579" [id=4120, type=Gather]; -"4121 4580" [id=4121, type=Shape]; -"4122 4581" [id=4122, type=ConstantOfShape]; -"4123 4533" [id=4123, type=Slice]; -"4124 4535" [id=4124, type=Gather]; -"4125 4536" [id=4125, type=Shape]; -"4126 4537" [id=4126, type=ConstantOfShape]; -"4127 4489" [id=4127, type=Slice]; -"4128 4491" [id=4128, type=Gather]; -"4129 4492" [id=4129, type=Shape]; -"4130 4493" [id=4130, type=ConstantOfShape]; -"4131 4445" [id=4131, type=Slice]; -"4132 4447" [id=4132, type=Gather]; -"4133 4448" [id=4133, type=Shape]; -"4134 4449" [id=4134, type=ConstantOfShape]; -"4135 4401" [id=4135, type=Slice]; -"4136 4403" [id=4136, type=Gather]; -"4137 4404" [id=4137, type=Shape]; -"4138 4405" [id=4138, type=ConstantOfShape]; -"4139 4357" [id=4139, type=Slice]; -"4140 4359" [id=4140, type=Gather]; -"4141 4360" [id=4141, type=Shape]; -"4142 4361" [id=4142, type=ConstantOfShape]; -"4143 4313" [id=4143, type=Slice]; -"4144 4315" [id=4144, type=Gather]; -"4145 4316" [id=4145, type=Shape]; -"4146 4317" [id=4146, type=ConstantOfShape]; -"4147 4269" [id=4147, type=Slice]; -"4148 4271" [id=4148, type=Gather]; -"4149 4272" [id=4149, type=Shape]; -"4150 4273" [id=4150, type=ConstantOfShape]; -"4151 4225" [id=4151, type=Slice]; -"4152 4227" [id=4152, type=Gather]; -"4153 4228" [id=4153, type=Shape]; -"4154 4229" [id=4154, type=ConstantOfShape]; -"4155 4181" [id=4155, type=Slice]; -"4156 4183" [id=4156, type=Gather]; -"4157 4184" [id=4157, type=Shape]; -"4158 4185" [id=4158, type=ConstantOfShape]; -"4159 4137" [id=4159, type=Slice]; -"4160 4139" [id=4160, type=Gather]; -"4161 4140" [id=4161, type=Shape]; -"4162 4141" [id=4162, type=ConstantOfShape]; -"4163 4093" [id=4163, type=Slice]; -"4164 4095" [id=4164, type=Gather]; -"4165 4096" [id=4165, type=Shape]; -"4166 4097" [id=4166, type=ConstantOfShape]; -"4167 4049" [id=4167, type=Slice]; -"4168 4051" [id=4168, type=Gather]; -"4169 4052" [id=4169, type=Shape]; -"4170 4053" [id=4170, type=ConstantOfShape]; -"4171 4005" [id=4171, type=Slice]; -"4172 4007" [id=4172, type=Gather]; -"4173 4008" [id=4173, type=Shape]; -"4174 4009" [id=4174, type=ConstantOfShape]; -"4175 3961" [id=4175, type=Slice]; -"4176 3963" [id=4176, type=Gather]; -"4177 3964" [id=4177, type=Shape]; -"4178 3965" [id=4178, type=ConstantOfShape]; -"4179 3917" [id=4179, type=Slice]; -"4180 3919" [id=4180, type=Gather]; -"4181 3920" [id=4181, type=Shape]; -"4182 3921" [id=4182, type=ConstantOfShape]; -"4183 3873" [id=4183, type=Slice]; -"4184 3875" [id=4184, type=Gather]; -"4185 3876" [id=4185, type=Shape]; -"4186 3877" [id=4186, type=ConstantOfShape]; -"4187 3829" [id=4187, type=Slice]; -"4188 3831" [id=4188, type=Gather]; -"4189 3832" [id=4189, type=Shape]; -"4190 3833" [id=4190, type=ConstantOfShape]; -"4191 3785" [id=4191, type=Slice]; -"4192 3787" [id=4192, type=Gather]; -"4193 3788" [id=4193, type=Shape]; -"4194 3789" [id=4194, type=ConstantOfShape]; -"4195 3741" [id=4195, type=Slice]; -"4196 3743" [id=4196, type=Gather]; -"4197 3744" [id=4197, type=Shape]; -"4198 3745" [id=4198, type=ConstantOfShape]; -"4199 3697" [id=4199, type=Slice]; -"4200 3699" [id=4200, type=Gather]; -"4201 3700" [id=4201, type=Shape]; -"4202 3701" [id=4202, type=ConstantOfShape]; -"4203 3653" [id=4203, type=Slice]; -"4204 3655" [id=4204, type=Gather]; -"4205 3656" [id=4205, type=Shape]; -"4206 3657" [id=4206, type=ConstantOfShape]; -"4207 3609" [id=4207, type=Slice]; -"4208 3611" [id=4208, type=Gather]; -"4209 3612" [id=4209, type=Shape]; -"4210 3613" [id=4210, type=ConstantOfShape]; -"4211 3565" [id=4211, type=Slice]; -"4212 3567" [id=4212, type=Gather]; -"4213 3568" [id=4213, type=Shape]; -"4214 3569" [id=4214, type=ConstantOfShape]; -"4215 3521" [id=4215, type=Slice]; -"4216 3523" [id=4216, type=Gather]; -"4217 3524" [id=4217, type=Shape]; -"4218 3525" [id=4218, type=ConstantOfShape]; -"4219 3477" [id=4219, type=Slice]; -"4220 3479" [id=4220, type=Gather]; -"4221 3480" [id=4221, type=Shape]; -"4222 3481" [id=4222, type=ConstantOfShape]; -"4223 3433" [id=4223, type=Slice]; -"4224 3435" [id=4224, type=Gather]; -"4225 3436" [id=4225, type=Shape]; -"4226 3437" [id=4226, type=ConstantOfShape]; -"4227 3389" [id=4227, type=Slice]; -"4228 3391" [id=4228, type=Gather]; -"4229 3392" [id=4229, type=Shape]; -"4230 3393" [id=4230, type=ConstantOfShape]; -"4231 3345" [id=4231, type=Slice]; -"4232 3347" [id=4232, type=Gather]; -"4233 3348" [id=4233, type=Shape]; -"4234 3349" [id=4234, type=ConstantOfShape]; -"4235 3301" [id=4235, type=Slice]; -"4236 3303" [id=4236, type=Gather]; -"4237 3304" [id=4237, type=Shape]; -"4238 3305" [id=4238, type=ConstantOfShape]; -"4239 3257" [id=4239, type=Slice]; -"4240 3259" [id=4240, type=Gather]; -"4241 3260" [id=4241, type=Shape]; -"4242 3261" [id=4242, type=ConstantOfShape]; -"4243 3213" [id=4243, type=Slice]; -"4244 3215" [id=4244, type=Gather]; -"4245 3216" [id=4245, type=Shape]; -"4246 3217" [id=4246, type=ConstantOfShape]; -"4247 3169" [id=4247, type=Slice]; -"4248 3171" [id=4248, type=Gather]; -"4249 3172" [id=4249, type=Shape]; -"4250 3173" [id=4250, type=ConstantOfShape]; -"4251 3125" [id=4251, type=Slice]; -"4252 3127" [id=4252, type=Gather]; -"4253 3128" [id=4253, type=Shape]; -"4254 3129" [id=4254, type=ConstantOfShape]; -"4255 3081" [id=4255, type=Slice]; -"4256 3083" [id=4256, type=Gather]; -"4257 3084" [id=4257, type=Shape]; -"4258 3085" [id=4258, type=ConstantOfShape]; -"4259 3037" [id=4259, type=Slice]; -"4260 3039" [id=4260, type=Gather]; -"4261 3040" [id=4261, type=Shape]; -"4262 3041" [id=4262, type=ConstantOfShape]; -"4263 6519" [id=4263, type=Concat]; -"4264 6532" [id=4264, type=Gather]; -"4265 6820" [id=4265, type=Concat]; -"4266 6847" [id=4266, type=Add]; -"4267 6835" [id=4267, type=Shape]; -"4268 6836" [id=4268, type=Gather]; -"4269 6840" [id=4269, type=Unsqueeze]; -"4270 6832" [id=4270, type=Shape]; -"4271 6833" [id=4271, type=Gather]; -"4272 6839" [id=4272, type=Unsqueeze]; -"4273 6838" [id=4273, type=Unsqueeze]; -"4274 6841" [id=4274, type=Concat]; -"4275 6842" [id=4275, type=Reshape]; -"4276 6848" [id=4276, type=Gather]; -"4277 6849" [id=4277, type=Unsqueeze]; -"4278 6533" [id=4278, type=Cast]; -"4279 6534" [id=4279, type=Gather]; -"4280 nncf_model_input_0" [id=4280, type=nncf_model_input]; -"4281 nncf_model_output_0" [id=4281, type=nncf_model_output]; -"4282 nncf_model_output_1" [id=4282, type=nncf_model_output]; -"4283 nncf_model_output_2" [id=4283, type=nncf_model_output]; -"4284 nncf_model_output_3" [id=4284, type=nncf_model_output]; +"1763 2537" [id=1763, type=Add]; +"1764 2515" [id=1764, type=Slice]; +"1765 2517" [id=1765, type=Gather]; +"1766 2508" [id=1766, type=Slice]; +"1767 2510" [id=1767, type=Gather]; +"1768 2518" [id=1768, type=Sub]; +"1769 2520" [id=1769, type=Add]; +"1770 QuantizeLinear_2574_1" [id=1770, type=QuantizeLinear]; +"1771 DequantizeLinear_2574_1" [id=1771, type=DequantizeLinear]; +"1772 QuantizeLinear_2557_1" [id=1772, type=QuantizeLinear]; +"1773 DequantizeLinear_2557_1" [id=1773, type=DequantizeLinear]; +"1774 2538" [id=1774, type=Mul]; +"1775 QuantizeLinear_2575_1" [id=1775, type=QuantizeLinear]; +"1776 DequantizeLinear_2575_1" [id=1776, type=DequantizeLinear]; +"1777 2539" [id=1777, type=Sqrt]; +"1778 2542" [id=1778, type=Div]; +"1779 2543" [id=1779, type=Add]; +"1780 2544" [id=1780, type=Log]; +"1781 2546" [id=1781, type=Div]; +"1782 2548" [id=1782, type=Add]; +"1783 2549" [id=1783, type=Floor]; +"1784 2550" [id=1784, type=Clip]; +"1785 2551" [id=1785, type=Cast]; +"1786 2553" [id=1786, type=Sub]; +"1787 2555" [id=1787, type=Equal]; +"1788 2557" [id=1788, type=Cast]; +"1789 2558" [id=1789, type=NonZero]; +"1790 2559" [id=1790, type=Transpose]; +"1791 2560" [id=1791, type=Squeeze]; +"1792 2561" [id=1792, type=Cast]; +"1793 2495" [id=1793, type=Slice]; +"1794 2500" [id=1794, type=Slice]; +"1795 2501" [id=1795, type=Shape]; +"1796 2502" [id=1796, type=ConstantOfShape]; +"1797 2503" [id=1797, type=Concat]; +"1798 2562" [id=1798, type=Gather]; +"1799 2568" [id=1799, type=Gather]; +"1800 2564" [id=1800, type=Gather]; +"1801 2565" [id=1801, type=Squeeze]; +"1802 2566" [id=1802, type=Cast]; +"1803 2569" [id=1803, type=RoiAlign]; +"1804 2570" [id=1804, type=Cast]; +"1805 2658" [id=1805, type=Shape]; +"1806 2659" [id=1806, type=Gather]; +"1807 2663" [id=1807, type=Unsqueeze]; +"1808 2655" [id=1808, type=Shape]; +"1809 2656" [id=1809, type=Gather]; +"1810 2662" [id=1810, type=Unsqueeze]; +"1811 2652" [id=1811, type=Shape]; +"1812 2653" [id=1812, type=Gather]; +"1813 2661" [id=1813, type=Unsqueeze]; +"1814 2641" [id=1814, type=Equal]; +"1815 2643" [id=1815, type=Cast]; +"1816 2644" [id=1816, type=NonZero]; +"1817 2645" [id=1817, type=Transpose]; +"1818 2647" [id=1818, type=Reshape]; +"1819 2649" [id=1819, type=Shape]; +"1820 2650" [id=1820, type=Gather]; +"1821 2660" [id=1821, type=Unsqueeze]; +"1822 2664" [id=1822, type=Concat]; +"1823 2665" [id=1823, type=Expand]; +"1824 2666" [id=1824, type=Cast]; +"1825 2632" [id=1825, type=Shape]; +"1826 2633" [id=1826, type=Gather]; +"1827 2637" [id=1827, type=Unsqueeze]; +"1828 2629" [id=1828, type=Shape]; +"1829 2630" [id=1829, type=Gather]; +"1830 2636" [id=1830, type=Unsqueeze]; +"1831 2626" [id=1831, type=Shape]; +"1832 2627" [id=1832, type=Gather]; +"1833 2635" [id=1833, type=Unsqueeze]; +"1834 2623" [id=1834, type=Shape]; +"1835 2624" [id=1835, type=Gather]; +"1836 2634" [id=1836, type=Unsqueeze]; +"1837 2638" [id=1837, type=Concat]; +"1838 2639" [id=1838, type=ConstantOfShape]; +"1839 2667" [id=1839, type=ScatterElements]; +"1840 2572" [id=1840, type=Equal]; +"1841 2574" [id=1841, type=Cast]; +"1842 2575" [id=1842, type=NonZero]; +"1843 2576" [id=1843, type=Transpose]; +"1844 2577" [id=1844, type=Squeeze]; +"1845 2578" [id=1845, type=Cast]; +"1846 2579" [id=1846, type=Gather]; +"1847 2585" [id=1847, type=Gather]; +"1848 2581" [id=1848, type=Gather]; +"1849 2582" [id=1849, type=Squeeze]; +"1850 2583" [id=1850, type=Cast]; +"1851 2586" [id=1851, type=RoiAlign]; +"1852 2587" [id=1852, type=Cast]; +"1853 2686" [id=1853, type=Shape]; +"1854 2687" [id=1854, type=Gather]; +"1855 2691" [id=1855, type=Unsqueeze]; +"1856 2683" [id=1856, type=Shape]; +"1857 2684" [id=1857, type=Gather]; +"1858 2690" [id=1858, type=Unsqueeze]; +"1859 2680" [id=1859, type=Shape]; +"1860 2681" [id=1860, type=Gather]; +"1861 2689" [id=1861, type=Unsqueeze]; +"1862 2669" [id=1862, type=Equal]; +"1863 2671" [id=1863, type=Cast]; +"1864 2672" [id=1864, type=NonZero]; +"1865 2673" [id=1865, type=Transpose]; +"1866 2675" [id=1866, type=Reshape]; +"1867 2677" [id=1867, type=Shape]; +"1868 2678" [id=1868, type=Gather]; +"1869 2688" [id=1869, type=Unsqueeze]; +"1870 2692" [id=1870, type=Concat]; +"1871 2693" [id=1871, type=Expand]; +"1872 2694" [id=1872, type=Cast]; +"1873 2695" [id=1873, type=ScatterElements]; +"1874 2589" [id=1874, type=Equal]; +"1875 2591" [id=1875, type=Cast]; +"1876 2592" [id=1876, type=NonZero]; +"1877 2593" [id=1877, type=Transpose]; +"1878 2594" [id=1878, type=Squeeze]; +"1879 2595" [id=1879, type=Cast]; +"1880 2596" [id=1880, type=Gather]; +"1881 2602" [id=1881, type=Gather]; +"1882 2598" [id=1882, type=Gather]; +"1883 2599" [id=1883, type=Squeeze]; +"1884 2600" [id=1884, type=Cast]; +"1885 2603" [id=1885, type=RoiAlign]; +"1886 2604" [id=1886, type=Cast]; +"1887 2714" [id=1887, type=Shape]; +"1888 2715" [id=1888, type=Gather]; +"1889 2719" [id=1889, type=Unsqueeze]; +"1890 2711" [id=1890, type=Shape]; +"1891 2712" [id=1891, type=Gather]; +"1892 2718" [id=1892, type=Unsqueeze]; +"1893 2708" [id=1893, type=Shape]; +"1894 2709" [id=1894, type=Gather]; +"1895 2717" [id=1895, type=Unsqueeze]; +"1896 2697" [id=1896, type=Equal]; +"1897 2699" [id=1897, type=Cast]; +"1898 2700" [id=1898, type=NonZero]; +"1899 2701" [id=1899, type=Transpose]; +"1900 2703" [id=1900, type=Reshape]; +"1901 2705" [id=1901, type=Shape]; +"1902 2706" [id=1902, type=Gather]; +"1903 2716" [id=1903, type=Unsqueeze]; +"1904 2720" [id=1904, type=Concat]; +"1905 2721" [id=1905, type=Expand]; +"1906 2722" [id=1906, type=Cast]; +"1907 2723" [id=1907, type=ScatterElements]; +"1908 2606" [id=1908, type=Equal]; +"1909 2608" [id=1909, type=Cast]; +"1910 2609" [id=1910, type=NonZero]; +"1911 2610" [id=1911, type=Transpose]; +"1912 2611" [id=1912, type=Squeeze]; +"1913 2612" [id=1913, type=Cast]; +"1914 2613" [id=1914, type=Gather]; +"1915 2619" [id=1915, type=Gather]; +"1916 2615" [id=1916, type=Gather]; +"1917 2616" [id=1917, type=Squeeze]; +"1918 2617" [id=1918, type=Cast]; +"1919 2620" [id=1919, type=RoiAlign]; +"1920 2621" [id=1920, type=Cast]; +"1921 2742" [id=1921, type=Shape]; +"1922 2743" [id=1922, type=Gather]; +"1923 2747" [id=1923, type=Unsqueeze]; +"1924 2739" [id=1924, type=Shape]; +"1925 2740" [id=1925, type=Gather]; +"1926 2746" [id=1926, type=Unsqueeze]; +"1927 2736" [id=1927, type=Shape]; +"1928 2737" [id=1928, type=Gather]; +"1929 2745" [id=1929, type=Unsqueeze]; +"1930 2725" [id=1930, type=Equal]; +"1931 2727" [id=1931, type=Cast]; +"1932 2728" [id=1932, type=NonZero]; +"1933 2729" [id=1933, type=Transpose]; +"1934 2731" [id=1934, type=Reshape]; +"1935 2733" [id=1935, type=Shape]; +"1936 2734" [id=1936, type=Gather]; +"1937 2744" [id=1937, type=Unsqueeze]; +"1938 2748" [id=1938, type=Concat]; +"1939 2749" [id=1939, type=Expand]; +"1940 2750" [id=1940, type=Cast]; +"1941 2751" [id=1941, type=ScatterElements]; +"1942 2757" [id=1942, type=Unsqueeze]; +"1943 QuantizeLinear_2788_1" [id=1943, type=QuantizeLinear]; +"1944 DequantizeLinear_2788_1" [id=1944, type=DequantizeLinear]; +"1945 2753" [id=1945, type=Shape]; +"1946 2754" [id=1946, type=Gather]; +"1947 2756" [id=1947, type=Unsqueeze]; +"1948 2758" [id=1948, type=Concat]; +"1949 2759" [id=1949, type=Reshape]; +"1950 QuantizeLinear_2797_1" [id=1950, type=QuantizeLinear]; +"1951 DequantizeLinear_2797_1" [id=1951, type=DequantizeLinear]; +"1952 2762_MatMul" [id=1952, type=MatMul]; +"1953 2762_Add" [id=1953, type=Add]; +"1954 2763" [id=1954, type=Relu]; +"1955 QuantizeLinear_2800_1" [id=1955, type=QuantizeLinear]; +"1956 DequantizeLinear_2800_1" [id=1956, type=DequantizeLinear]; +"1957 QuantizeLinear_2801_1" [id=1957, type=QuantizeLinear]; +"1958 DequantizeLinear_2801_1" [id=1958, type=DequantizeLinear]; +"1959 2766_MatMul" [id=1959, type=MatMul]; +"1960 2766_Add" [id=1960, type=Add]; +"1961 2767" [id=1961, type=Relu]; +"1962 QuantizeLinear_2804_1" [id=1962, type=QuantizeLinear]; +"1963 DequantizeLinear_2804_1" [id=1963, type=DequantizeLinear]; +"1964 QuantizeLinear_2805_1" [id=1964, type=QuantizeLinear]; +"1965 DequantizeLinear_2805_1" [id=1965, type=DequantizeLinear]; +"1966 2770_MatMul" [id=1966, type=MatMul]; +"1967 2770_Add" [id=1967, type=Add]; +"1968 2774" [id=1968, type=Softmax]; +"1969 2950" [id=1969, type=Shape]; +"1970 2951" [id=1970, type=Gather]; +"1971 2992" [id=1971, type=Unsqueeze]; +"1972 2991" [id=1972, type=Unsqueeze]; +"1973 2993" [id=1973, type=Concat]; +"1974 2955" [id=1974, type=Reshape]; +"1975 2994" [id=1975, type=Reshape]; +"1976 2996" [id=1976, type=Greater]; +"1977 2997" [id=1977, type=Cast]; +"1978 6478" [id=1978, type=Slice]; +"1979 6480" [id=1979, type=Gather]; +"1980 6481" [id=1980, type=Cast]; +"1981 6482" [id=1981, type=NonZero]; +"1982 6483" [id=1982, type=Transpose]; +"1983 6484" [id=1983, type=Squeeze]; +"1984 6487" [id=1984, type=Cast]; +"1985 6486" [id=1985, type=Gather]; +"1986 6488" [id=1986, type=Gather]; +"1987 6497" [id=1987, type=Unsqueeze]; +"1988 6498" [id=1988, type=Unsqueeze]; +"1989 2984" [id=1989, type=Mul]; +"1990 2987" [id=1990, type=Unsqueeze]; +"1991 2986" [id=1991, type=Unsqueeze]; +"1992 2988" [id=1992, type=Concat]; +"1993 QuantizeLinear_2808_1" [id=1993, type=QuantizeLinear]; +"1994 DequantizeLinear_2808_1" [id=1994, type=DequantizeLinear]; +"1995 2773_MatMul" [id=1995, type=MatMul]; +"1996 2773_Add" [id=1996, type=Add]; +"1997 2776" [id=1997, type=Flatten]; +"1998 2947" [id=1998, type=Shape]; +"1999 2775" [id=1999, type=Concat]; +"2000 2777" [id=2000, type=Cast]; +"2001 2806" [id=2001, type=Slice]; +"2002 2808" [id=2002, type=Gather]; +"2003 2799" [id=2003, type=Slice]; +"2004 2801" [id=2004, type=Gather]; +"2005 2809" [id=2005, type=Sub]; +"2006 2811" [id=2006, type=Add]; +"2007 2923" [id=2007, type=Slice]; +"2008 2924" [id=2008, type=Unsqueeze]; +"2009 2872" [id=2009, type=Slice]; +"2010 2877" [id=2010, type=Slice]; +"2011 2879" [id=2011, type=Div]; +"2012 2881" [id=2012, type=Clip]; +"2013 2918" [id=2013, type=Exp]; +"2014 2925" [id=2014, type=Mul]; +"2015 2938" [id=2015, type=Mul]; +"2016 2830" [id=2016, type=Mul]; +"2017 2826" [id=2017, type=Slice]; +"2018 2828" [id=2018, type=Gather]; +"2019 2831" [id=2019, type=Add]; +"2020 2907" [id=2020, type=Slice]; +"2021 2908" [id=2021, type=Unsqueeze]; +"2022 2900" [id=2022, type=Slice]; +"2023 2901" [id=2023, type=Unsqueeze]; +"2024 2848" [id=2024, type=Slice]; +"2025 2853" [id=2025, type=Slice]; +"2026 2855" [id=2026, type=Div]; +"2027 2902" [id=2027, type=Mul]; +"2028 2909" [id=2028, type=Add]; +"2029 2939" [id=2029, type=Add]; +"2030 2941" [id=2030, type=Sub]; +"2031 2945" [id=2031, type=Unsqueeze]; +"2032 2789" [id=2032, type=Slice]; +"2033 2791" [id=2033, type=Gather]; +"2034 2782" [id=2034, type=Slice]; +"2035 2784" [id=2035, type=Gather]; +"2036 2792" [id=2036, type=Sub]; +"2037 2794" [id=2037, type=Add]; +"2038 2915" [id=2038, type=Slice]; +"2039 2916" [id=2039, type=Unsqueeze]; +"2040 2860" [id=2040, type=Slice]; +"2041 2865" [id=2041, type=Slice]; +"2042 2867" [id=2042, type=Div]; +"2043 2880" [id=2043, type=Clip]; +"2044 2910" [id=2044, type=Exp]; +"2045 2917" [id=2045, type=Mul]; +"2046 2933" [id=2046, type=Mul]; +"2047 2820" [id=2047, type=Mul]; +"2048 2816" [id=2048, type=Slice]; +"2049 2818" [id=2049, type=Gather]; +"2050 2821" [id=2050, type=Add]; +"2051 2893" [id=2051, type=Slice]; +"2052 2894" [id=2052, type=Unsqueeze]; +"2053 2886" [id=2053, type=Slice]; +"2054 2887" [id=2054, type=Unsqueeze]; +"2055 2836" [id=2055, type=Slice]; +"2056 2841" [id=2056, type=Slice]; +"2057 2843" [id=2057, type=Div]; +"2058 2888" [id=2058, type=Mul]; +"2059 2895" [id=2059, type=Add]; +"2060 2934" [id=2060, type=Add]; +"2061 2936" [id=2061, type=Sub]; +"2062 2944" [id=2062, type=Unsqueeze]; +"2063 2930" [id=2063, type=Mul]; +"2064 2931" [id=2064, type=Sub]; +"2065 2943" [id=2065, type=Unsqueeze]; +"2066 2927" [id=2066, type=Mul]; +"2067 2928" [id=2067, type=Sub]; +"2068 2942" [id=2068, type=Unsqueeze]; +"2069 2946" [id=2069, type=Concat]; +"2070 2948" [id=2070, type=Reshape]; +"2071 2953" [id=2071, type=Reshape]; +"2072 2971" [id=2072, type=Slice]; +"2073 2976" [id=2073, type=Slice]; +"2074 2977" [id=2074, type=Clip]; +"2075 2979" [id=2075, type=Unsqueeze]; +"2076 2960" [id=2076, type=Slice]; +"2077 2965" [id=2077, type=Slice]; +"2078 2966" [id=2078, type=Clip]; +"2079 2978" [id=2079, type=Unsqueeze]; +"2080 2980" [id=2080, type=Concat]; +"2081 2982" [id=2081, type=Reshape]; +"2082 2989" [id=2082, type=Reshape]; +"2083 6493" [id=2083, type=Slice]; +"2084 6495" [id=2084, type=Gather]; +"2085 6496" [id=2085, type=Unsqueeze]; +"2086 6501" [id=2086, type=NonMaxSuppression]; +"2087 6503" [id=2087, type=Gather]; +"2088 6504" [id=2088, type=Squeeze]; +"2089 6508" [id=2089, type=Gather]; +"2090 6434" [id=2090, type=Slice]; +"2091 6436" [id=2091, type=Gather]; +"2092 6437" [id=2092, type=Cast]; +"2093 6438" [id=2093, type=NonZero]; +"2094 6439" [id=2094, type=Transpose]; +"2095 6440" [id=2095, type=Squeeze]; +"2096 6443" [id=2096, type=Cast]; +"2097 6442" [id=2097, type=Gather]; +"2098 6444" [id=2098, type=Gather]; +"2099 6453" [id=2099, type=Unsqueeze]; +"2100 6454" [id=2100, type=Unsqueeze]; +"2101 6449" [id=2101, type=Slice]; +"2102 6451" [id=2102, type=Gather]; +"2103 6452" [id=2103, type=Unsqueeze]; +"2104 6457" [id=2104, type=NonMaxSuppression]; +"2105 6459" [id=2105, type=Gather]; +"2106 6460" [id=2106, type=Squeeze]; +"2107 6464" [id=2107, type=Gather]; +"2108 6390" [id=2108, type=Slice]; +"2109 6392" [id=2109, type=Gather]; +"2110 6393" [id=2110, type=Cast]; +"2111 6394" [id=2111, type=NonZero]; +"2112 6395" [id=2112, type=Transpose]; +"2113 6396" [id=2113, type=Squeeze]; +"2114 6399" [id=2114, type=Cast]; +"2115 6398" [id=2115, type=Gather]; +"2116 6400" [id=2116, type=Gather]; +"2117 6409" [id=2117, type=Unsqueeze]; +"2118 6410" [id=2118, type=Unsqueeze]; +"2119 6405" [id=2119, type=Slice]; +"2120 6407" [id=2120, type=Gather]; +"2121 6408" [id=2121, type=Unsqueeze]; +"2122 6413" [id=2122, type=NonMaxSuppression]; +"2123 6415" [id=2123, type=Gather]; +"2124 6416" [id=2124, type=Squeeze]; +"2125 6420" [id=2125, type=Gather]; +"2126 6346" [id=2126, type=Slice]; +"2127 6348" [id=2127, type=Gather]; +"2128 6349" [id=2128, type=Cast]; +"2129 6350" [id=2129, type=NonZero]; +"2130 6351" [id=2130, type=Transpose]; +"2131 6352" [id=2131, type=Squeeze]; +"2132 6355" [id=2132, type=Cast]; +"2133 6354" [id=2133, type=Gather]; +"2134 6356" [id=2134, type=Gather]; +"2135 6365" [id=2135, type=Unsqueeze]; +"2136 6366" [id=2136, type=Unsqueeze]; +"2137 6361" [id=2137, type=Slice]; +"2138 6363" [id=2138, type=Gather]; +"2139 6364" [id=2139, type=Unsqueeze]; +"2140 6369" [id=2140, type=NonMaxSuppression]; +"2141 6371" [id=2141, type=Gather]; +"2142 6372" [id=2142, type=Squeeze]; +"2143 6376" [id=2143, type=Gather]; +"2144 6302" [id=2144, type=Slice]; +"2145 6304" [id=2145, type=Gather]; +"2146 6305" [id=2146, type=Cast]; +"2147 6306" [id=2147, type=NonZero]; +"2148 6307" [id=2148, type=Transpose]; +"2149 6308" [id=2149, type=Squeeze]; +"2150 6311" [id=2150, type=Cast]; +"2151 6310" [id=2151, type=Gather]; +"2152 6312" [id=2152, type=Gather]; +"2153 6321" [id=2153, type=Unsqueeze]; +"2154 6322" [id=2154, type=Unsqueeze]; +"2155 6317" [id=2155, type=Slice]; +"2156 6319" [id=2156, type=Gather]; +"2157 6320" [id=2157, type=Unsqueeze]; +"2158 6325" [id=2158, type=NonMaxSuppression]; +"2159 6327" [id=2159, type=Gather]; +"2160 6328" [id=2160, type=Squeeze]; +"2161 6332" [id=2161, type=Gather]; +"2162 6258" [id=2162, type=Slice]; +"2163 6260" [id=2163, type=Gather]; +"2164 6261" [id=2164, type=Cast]; +"2165 6262" [id=2165, type=NonZero]; +"2166 6263" [id=2166, type=Transpose]; +"2167 6264" [id=2167, type=Squeeze]; +"2168 6267" [id=2168, type=Cast]; +"2169 6266" [id=2169, type=Gather]; +"2170 6268" [id=2170, type=Gather]; +"2171 6277" [id=2171, type=Unsqueeze]; +"2172 6278" [id=2172, type=Unsqueeze]; +"2173 6273" [id=2173, type=Slice]; +"2174 6275" [id=2174, type=Gather]; +"2175 6276" [id=2175, type=Unsqueeze]; +"2176 6281" [id=2176, type=NonMaxSuppression]; +"2177 6283" [id=2177, type=Gather]; +"2178 6284" [id=2178, type=Squeeze]; +"2179 6288" [id=2179, type=Gather]; +"2180 6214" [id=2180, type=Slice]; +"2181 6216" [id=2181, type=Gather]; +"2182 6217" [id=2182, type=Cast]; +"2183 6218" [id=2183, type=NonZero]; +"2184 6219" [id=2184, type=Transpose]; +"2185 6220" [id=2185, type=Squeeze]; +"2186 6223" [id=2186, type=Cast]; +"2187 6222" [id=2187, type=Gather]; +"2188 6224" [id=2188, type=Gather]; +"2189 6233" [id=2189, type=Unsqueeze]; +"2190 6234" [id=2190, type=Unsqueeze]; +"2191 6229" [id=2191, type=Slice]; +"2192 6231" [id=2192, type=Gather]; +"2193 6232" [id=2193, type=Unsqueeze]; +"2194 6237" [id=2194, type=NonMaxSuppression]; +"2195 6239" [id=2195, type=Gather]; +"2196 6240" [id=2196, type=Squeeze]; +"2197 6244" [id=2197, type=Gather]; +"2198 6170" [id=2198, type=Slice]; +"2199 6172" [id=2199, type=Gather]; +"2200 6173" [id=2200, type=Cast]; +"2201 6174" [id=2201, type=NonZero]; +"2202 6175" [id=2202, type=Transpose]; +"2203 6176" [id=2203, type=Squeeze]; +"2204 6179" [id=2204, type=Cast]; +"2205 6178" [id=2205, type=Gather]; +"2206 6180" [id=2206, type=Gather]; +"2207 6189" [id=2207, type=Unsqueeze]; +"2208 6190" [id=2208, type=Unsqueeze]; +"2209 6185" [id=2209, type=Slice]; +"2210 6187" [id=2210, type=Gather]; +"2211 6188" [id=2211, type=Unsqueeze]; +"2212 6193" [id=2212, type=NonMaxSuppression]; +"2213 6195" [id=2213, type=Gather]; +"2214 6196" [id=2214, type=Squeeze]; +"2215 6200" [id=2215, type=Gather]; +"2216 6126" [id=2216, type=Slice]; +"2217 6128" [id=2217, type=Gather]; +"2218 6129" [id=2218, type=Cast]; +"2219 6130" [id=2219, type=NonZero]; +"2220 6131" [id=2220, type=Transpose]; +"2221 6132" [id=2221, type=Squeeze]; +"2222 6135" [id=2222, type=Cast]; +"2223 6134" [id=2223, type=Gather]; +"2224 6136" [id=2224, type=Gather]; +"2225 6145" [id=2225, type=Unsqueeze]; +"2226 6146" [id=2226, type=Unsqueeze]; +"2227 6141" [id=2227, type=Slice]; +"2228 6143" [id=2228, type=Gather]; +"2229 6144" [id=2229, type=Unsqueeze]; +"2230 6149" [id=2230, type=NonMaxSuppression]; +"2231 6151" [id=2231, type=Gather]; +"2232 6152" [id=2232, type=Squeeze]; +"2233 6156" [id=2233, type=Gather]; +"2234 6082" [id=2234, type=Slice]; +"2235 6084" [id=2235, type=Gather]; +"2236 6085" [id=2236, type=Cast]; +"2237 6086" [id=2237, type=NonZero]; +"2238 6087" [id=2238, type=Transpose]; +"2239 6088" [id=2239, type=Squeeze]; +"2240 6091" [id=2240, type=Cast]; +"2241 6090" [id=2241, type=Gather]; +"2242 6092" [id=2242, type=Gather]; +"2243 6101" [id=2243, type=Unsqueeze]; +"2244 6102" [id=2244, type=Unsqueeze]; +"2245 6097" [id=2245, type=Slice]; +"2246 6099" [id=2246, type=Gather]; +"2247 6100" [id=2247, type=Unsqueeze]; +"2248 6105" [id=2248, type=NonMaxSuppression]; +"2249 6107" [id=2249, type=Gather]; +"2250 6108" [id=2250, type=Squeeze]; +"2251 6112" [id=2251, type=Gather]; +"2252 6038" [id=2252, type=Slice]; +"2253 6040" [id=2253, type=Gather]; +"2254 6041" [id=2254, type=Cast]; +"2255 6042" [id=2255, type=NonZero]; +"2256 6043" [id=2256, type=Transpose]; +"2257 6044" [id=2257, type=Squeeze]; +"2258 6047" [id=2258, type=Cast]; +"2259 6046" [id=2259, type=Gather]; +"2260 6048" [id=2260, type=Gather]; +"2261 6057" [id=2261, type=Unsqueeze]; +"2262 6058" [id=2262, type=Unsqueeze]; +"2263 6053" [id=2263, type=Slice]; +"2264 6055" [id=2264, type=Gather]; +"2265 6056" [id=2265, type=Unsqueeze]; +"2266 6061" [id=2266, type=NonMaxSuppression]; +"2267 6063" [id=2267, type=Gather]; +"2268 6064" [id=2268, type=Squeeze]; +"2269 6068" [id=2269, type=Gather]; +"2270 5994" [id=2270, type=Slice]; +"2271 5996" [id=2271, type=Gather]; +"2272 5997" [id=2272, type=Cast]; +"2273 5998" [id=2273, type=NonZero]; +"2274 5999" [id=2274, type=Transpose]; +"2275 6000" [id=2275, type=Squeeze]; +"2276 6003" [id=2276, type=Cast]; +"2277 6002" [id=2277, type=Gather]; +"2278 6004" [id=2278, type=Gather]; +"2279 6013" [id=2279, type=Unsqueeze]; +"2280 6014" [id=2280, type=Unsqueeze]; +"2281 6009" [id=2281, type=Slice]; +"2282 6011" [id=2282, type=Gather]; +"2283 6012" [id=2283, type=Unsqueeze]; +"2284 6017" [id=2284, type=NonMaxSuppression]; +"2285 6019" [id=2285, type=Gather]; +"2286 6020" [id=2286, type=Squeeze]; +"2287 6024" [id=2287, type=Gather]; +"2288 5950" [id=2288, type=Slice]; +"2289 5952" [id=2289, type=Gather]; +"2290 5953" [id=2290, type=Cast]; +"2291 5954" [id=2291, type=NonZero]; +"2292 5955" [id=2292, type=Transpose]; +"2293 5956" [id=2293, type=Squeeze]; +"2294 5959" [id=2294, type=Cast]; +"2295 5958" [id=2295, type=Gather]; +"2296 5960" [id=2296, type=Gather]; +"2297 5969" [id=2297, type=Unsqueeze]; +"2298 5970" [id=2298, type=Unsqueeze]; +"2299 5965" [id=2299, type=Slice]; +"2300 5967" [id=2300, type=Gather]; +"2301 5968" [id=2301, type=Unsqueeze]; +"2302 5973" [id=2302, type=NonMaxSuppression]; +"2303 5975" [id=2303, type=Gather]; +"2304 5976" [id=2304, type=Squeeze]; +"2305 5980" [id=2305, type=Gather]; +"2306 5906" [id=2306, type=Slice]; +"2307 5908" [id=2307, type=Gather]; +"2308 5909" [id=2308, type=Cast]; +"2309 5910" [id=2309, type=NonZero]; +"2310 5911" [id=2310, type=Transpose]; +"2311 5912" [id=2311, type=Squeeze]; +"2312 5915" [id=2312, type=Cast]; +"2313 5914" [id=2313, type=Gather]; +"2314 5916" [id=2314, type=Gather]; +"2315 5925" [id=2315, type=Unsqueeze]; +"2316 5926" [id=2316, type=Unsqueeze]; +"2317 5921" [id=2317, type=Slice]; +"2318 5923" [id=2318, type=Gather]; +"2319 5924" [id=2319, type=Unsqueeze]; +"2320 5929" [id=2320, type=NonMaxSuppression]; +"2321 5931" [id=2321, type=Gather]; +"2322 5932" [id=2322, type=Squeeze]; +"2323 5936" [id=2323, type=Gather]; +"2324 5862" [id=2324, type=Slice]; +"2325 5864" [id=2325, type=Gather]; +"2326 5865" [id=2326, type=Cast]; +"2327 5866" [id=2327, type=NonZero]; +"2328 5867" [id=2328, type=Transpose]; +"2329 5868" [id=2329, type=Squeeze]; +"2330 5871" [id=2330, type=Cast]; +"2331 5870" [id=2331, type=Gather]; +"2332 5872" [id=2332, type=Gather]; +"2333 5881" [id=2333, type=Unsqueeze]; +"2334 5882" [id=2334, type=Unsqueeze]; +"2335 5877" [id=2335, type=Slice]; +"2336 5879" [id=2336, type=Gather]; +"2337 5880" [id=2337, type=Unsqueeze]; +"2338 5885" [id=2338, type=NonMaxSuppression]; +"2339 5887" [id=2339, type=Gather]; +"2340 5888" [id=2340, type=Squeeze]; +"2341 5892" [id=2341, type=Gather]; +"2342 5818" [id=2342, type=Slice]; +"2343 5820" [id=2343, type=Gather]; +"2344 5821" [id=2344, type=Cast]; +"2345 5822" [id=2345, type=NonZero]; +"2346 5823" [id=2346, type=Transpose]; +"2347 5824" [id=2347, type=Squeeze]; +"2348 5827" [id=2348, type=Cast]; +"2349 5826" [id=2349, type=Gather]; +"2350 5828" [id=2350, type=Gather]; +"2351 5837" [id=2351, type=Unsqueeze]; +"2352 5838" [id=2352, type=Unsqueeze]; +"2353 5833" [id=2353, type=Slice]; +"2354 5835" [id=2354, type=Gather]; +"2355 5836" [id=2355, type=Unsqueeze]; +"2356 5841" [id=2356, type=NonMaxSuppression]; +"2357 5843" [id=2357, type=Gather]; +"2358 5844" [id=2358, type=Squeeze]; +"2359 5848" [id=2359, type=Gather]; +"2360 5774" [id=2360, type=Slice]; +"2361 5776" [id=2361, type=Gather]; +"2362 5777" [id=2362, type=Cast]; +"2363 5778" [id=2363, type=NonZero]; +"2364 5779" [id=2364, type=Transpose]; +"2365 5780" [id=2365, type=Squeeze]; +"2366 5783" [id=2366, type=Cast]; +"2367 5782" [id=2367, type=Gather]; +"2368 5784" [id=2368, type=Gather]; +"2369 5793" [id=2369, type=Unsqueeze]; +"2370 5794" [id=2370, type=Unsqueeze]; +"2371 5789" [id=2371, type=Slice]; +"2372 5791" [id=2372, type=Gather]; +"2373 5792" [id=2373, type=Unsqueeze]; +"2374 5797" [id=2374, type=NonMaxSuppression]; +"2375 5799" [id=2375, type=Gather]; +"2376 5800" [id=2376, type=Squeeze]; +"2377 5804" [id=2377, type=Gather]; +"2378 5730" [id=2378, type=Slice]; +"2379 5732" [id=2379, type=Gather]; +"2380 5733" [id=2380, type=Cast]; +"2381 5734" [id=2381, type=NonZero]; +"2382 5735" [id=2382, type=Transpose]; +"2383 5736" [id=2383, type=Squeeze]; +"2384 5739" [id=2384, type=Cast]; +"2385 5738" [id=2385, type=Gather]; +"2386 5740" [id=2386, type=Gather]; +"2387 5749" [id=2387, type=Unsqueeze]; +"2388 5750" [id=2388, type=Unsqueeze]; +"2389 5745" [id=2389, type=Slice]; +"2390 5747" [id=2390, type=Gather]; +"2391 5748" [id=2391, type=Unsqueeze]; +"2392 5753" [id=2392, type=NonMaxSuppression]; +"2393 5755" [id=2393, type=Gather]; +"2394 5756" [id=2394, type=Squeeze]; +"2395 5760" [id=2395, type=Gather]; +"2396 5686" [id=2396, type=Slice]; +"2397 5688" [id=2397, type=Gather]; +"2398 5689" [id=2398, type=Cast]; +"2399 5690" [id=2399, type=NonZero]; +"2400 5691" [id=2400, type=Transpose]; +"2401 5692" [id=2401, type=Squeeze]; +"2402 5695" [id=2402, type=Cast]; +"2403 5694" [id=2403, type=Gather]; +"2404 5696" [id=2404, type=Gather]; +"2405 5705" [id=2405, type=Unsqueeze]; +"2406 5706" [id=2406, type=Unsqueeze]; +"2407 5701" [id=2407, type=Slice]; +"2408 5703" [id=2408, type=Gather]; +"2409 5704" [id=2409, type=Unsqueeze]; +"2410 5709" [id=2410, type=NonMaxSuppression]; +"2411 5711" [id=2411, type=Gather]; +"2412 5712" [id=2412, type=Squeeze]; +"2413 5716" [id=2413, type=Gather]; +"2414 5642" [id=2414, type=Slice]; +"2415 5644" [id=2415, type=Gather]; +"2416 5645" [id=2416, type=Cast]; +"2417 5646" [id=2417, type=NonZero]; +"2418 5647" [id=2418, type=Transpose]; +"2419 5648" [id=2419, type=Squeeze]; +"2420 5651" [id=2420, type=Cast]; +"2421 5650" [id=2421, type=Gather]; +"2422 5652" [id=2422, type=Gather]; +"2423 5661" [id=2423, type=Unsqueeze]; +"2424 5662" [id=2424, type=Unsqueeze]; +"2425 5657" [id=2425, type=Slice]; +"2426 5659" [id=2426, type=Gather]; +"2427 5660" [id=2427, type=Unsqueeze]; +"2428 5665" [id=2428, type=NonMaxSuppression]; +"2429 5667" [id=2429, type=Gather]; +"2430 5668" [id=2430, type=Squeeze]; +"2431 5672" [id=2431, type=Gather]; +"2432 5598" [id=2432, type=Slice]; +"2433 5600" [id=2433, type=Gather]; +"2434 5601" [id=2434, type=Cast]; +"2435 5602" [id=2435, type=NonZero]; +"2436 5603" [id=2436, type=Transpose]; +"2437 5604" [id=2437, type=Squeeze]; +"2438 5607" [id=2438, type=Cast]; +"2439 5606" [id=2439, type=Gather]; +"2440 5608" [id=2440, type=Gather]; +"2441 5617" [id=2441, type=Unsqueeze]; +"2442 5618" [id=2442, type=Unsqueeze]; +"2443 5613" [id=2443, type=Slice]; +"2444 5615" [id=2444, type=Gather]; +"2445 5616" [id=2445, type=Unsqueeze]; +"2446 5621" [id=2446, type=NonMaxSuppression]; +"2447 5623" [id=2447, type=Gather]; +"2448 5624" [id=2448, type=Squeeze]; +"2449 5628" [id=2449, type=Gather]; +"2450 5554" [id=2450, type=Slice]; +"2451 5556" [id=2451, type=Gather]; +"2452 5557" [id=2452, type=Cast]; +"2453 5558" [id=2453, type=NonZero]; +"2454 5559" [id=2454, type=Transpose]; +"2455 5560" [id=2455, type=Squeeze]; +"2456 5563" [id=2456, type=Cast]; +"2457 5562" [id=2457, type=Gather]; +"2458 5564" [id=2458, type=Gather]; +"2459 5573" [id=2459, type=Unsqueeze]; +"2460 5574" [id=2460, type=Unsqueeze]; +"2461 5569" [id=2461, type=Slice]; +"2462 5571" [id=2462, type=Gather]; +"2463 5572" [id=2463, type=Unsqueeze]; +"2464 5577" [id=2464, type=NonMaxSuppression]; +"2465 5579" [id=2465, type=Gather]; +"2466 5580" [id=2466, type=Squeeze]; +"2467 5584" [id=2467, type=Gather]; +"2468 5510" [id=2468, type=Slice]; +"2469 5512" [id=2469, type=Gather]; +"2470 5513" [id=2470, type=Cast]; +"2471 5514" [id=2471, type=NonZero]; +"2472 5515" [id=2472, type=Transpose]; +"2473 5516" [id=2473, type=Squeeze]; +"2474 5519" [id=2474, type=Cast]; +"2475 5518" [id=2475, type=Gather]; +"2476 5520" [id=2476, type=Gather]; +"2477 5529" [id=2477, type=Unsqueeze]; +"2478 5530" [id=2478, type=Unsqueeze]; +"2479 5525" [id=2479, type=Slice]; +"2480 5527" [id=2480, type=Gather]; +"2481 5528" [id=2481, type=Unsqueeze]; +"2482 5533" [id=2482, type=NonMaxSuppression]; +"2483 5535" [id=2483, type=Gather]; +"2484 5536" [id=2484, type=Squeeze]; +"2485 5540" [id=2485, type=Gather]; +"2486 5466" [id=2486, type=Slice]; +"2487 5468" [id=2487, type=Gather]; +"2488 5469" [id=2488, type=Cast]; +"2489 5470" [id=2489, type=NonZero]; +"2490 5471" [id=2490, type=Transpose]; +"2491 5472" [id=2491, type=Squeeze]; +"2492 5475" [id=2492, type=Cast]; +"2493 5474" [id=2493, type=Gather]; +"2494 5476" [id=2494, type=Gather]; +"2495 5485" [id=2495, type=Unsqueeze]; +"2496 5486" [id=2496, type=Unsqueeze]; +"2497 5481" [id=2497, type=Slice]; +"2498 5483" [id=2498, type=Gather]; +"2499 5484" [id=2499, type=Unsqueeze]; +"2500 5489" [id=2500, type=NonMaxSuppression]; +"2501 5491" [id=2501, type=Gather]; +"2502 5492" [id=2502, type=Squeeze]; +"2503 5496" [id=2503, type=Gather]; +"2504 5422" [id=2504, type=Slice]; +"2505 5424" [id=2505, type=Gather]; +"2506 5425" [id=2506, type=Cast]; +"2507 5426" [id=2507, type=NonZero]; +"2508 5427" [id=2508, type=Transpose]; +"2509 5428" [id=2509, type=Squeeze]; +"2510 5431" [id=2510, type=Cast]; +"2511 5430" [id=2511, type=Gather]; +"2512 5432" [id=2512, type=Gather]; +"2513 5441" [id=2513, type=Unsqueeze]; +"2514 5442" [id=2514, type=Unsqueeze]; +"2515 5437" [id=2515, type=Slice]; +"2516 5439" [id=2516, type=Gather]; +"2517 5440" [id=2517, type=Unsqueeze]; +"2518 5445" [id=2518, type=NonMaxSuppression]; +"2519 5447" [id=2519, type=Gather]; +"2520 5448" [id=2520, type=Squeeze]; +"2521 5452" [id=2521, type=Gather]; +"2522 5378" [id=2522, type=Slice]; +"2523 5380" [id=2523, type=Gather]; +"2524 5381" [id=2524, type=Cast]; +"2525 5382" [id=2525, type=NonZero]; +"2526 5383" [id=2526, type=Transpose]; +"2527 5384" [id=2527, type=Squeeze]; +"2528 5387" [id=2528, type=Cast]; +"2529 5386" [id=2529, type=Gather]; +"2530 5388" [id=2530, type=Gather]; +"2531 5397" [id=2531, type=Unsqueeze]; +"2532 5398" [id=2532, type=Unsqueeze]; +"2533 5393" [id=2533, type=Slice]; +"2534 5395" [id=2534, type=Gather]; +"2535 5396" [id=2535, type=Unsqueeze]; +"2536 5401" [id=2536, type=NonMaxSuppression]; +"2537 5403" [id=2537, type=Gather]; +"2538 5404" [id=2538, type=Squeeze]; +"2539 5408" [id=2539, type=Gather]; +"2540 5334" [id=2540, type=Slice]; +"2541 5336" [id=2541, type=Gather]; +"2542 5337" [id=2542, type=Cast]; +"2543 5338" [id=2543, type=NonZero]; +"2544 5339" [id=2544, type=Transpose]; +"2545 5340" [id=2545, type=Squeeze]; +"2546 5343" [id=2546, type=Cast]; +"2547 5342" [id=2547, type=Gather]; +"2548 5344" [id=2548, type=Gather]; +"2549 5353" [id=2549, type=Unsqueeze]; +"2550 5354" [id=2550, type=Unsqueeze]; +"2551 5349" [id=2551, type=Slice]; +"2552 5351" [id=2552, type=Gather]; +"2553 5352" [id=2553, type=Unsqueeze]; +"2554 5357" [id=2554, type=NonMaxSuppression]; +"2555 5359" [id=2555, type=Gather]; +"2556 5360" [id=2556, type=Squeeze]; +"2557 5364" [id=2557, type=Gather]; +"2558 5290" [id=2558, type=Slice]; +"2559 5292" [id=2559, type=Gather]; +"2560 5293" [id=2560, type=Cast]; +"2561 5294" [id=2561, type=NonZero]; +"2562 5295" [id=2562, type=Transpose]; +"2563 5296" [id=2563, type=Squeeze]; +"2564 5299" [id=2564, type=Cast]; +"2565 5298" [id=2565, type=Gather]; +"2566 5300" [id=2566, type=Gather]; +"2567 5309" [id=2567, type=Unsqueeze]; +"2568 5310" [id=2568, type=Unsqueeze]; +"2569 5305" [id=2569, type=Slice]; +"2570 5307" [id=2570, type=Gather]; +"2571 5308" [id=2571, type=Unsqueeze]; +"2572 5313" [id=2572, type=NonMaxSuppression]; +"2573 5315" [id=2573, type=Gather]; +"2574 5316" [id=2574, type=Squeeze]; +"2575 5320" [id=2575, type=Gather]; +"2576 5246" [id=2576, type=Slice]; +"2577 5248" [id=2577, type=Gather]; +"2578 5249" [id=2578, type=Cast]; +"2579 5250" [id=2579, type=NonZero]; +"2580 5251" [id=2580, type=Transpose]; +"2581 5252" [id=2581, type=Squeeze]; +"2582 5255" [id=2582, type=Cast]; +"2583 5254" [id=2583, type=Gather]; +"2584 5256" [id=2584, type=Gather]; +"2585 5265" [id=2585, type=Unsqueeze]; +"2586 5266" [id=2586, type=Unsqueeze]; +"2587 5261" [id=2587, type=Slice]; +"2588 5263" [id=2588, type=Gather]; +"2589 5264" [id=2589, type=Unsqueeze]; +"2590 5269" [id=2590, type=NonMaxSuppression]; +"2591 5271" [id=2591, type=Gather]; +"2592 5272" [id=2592, type=Squeeze]; +"2593 5276" [id=2593, type=Gather]; +"2594 5202" [id=2594, type=Slice]; +"2595 5204" [id=2595, type=Gather]; +"2596 5205" [id=2596, type=Cast]; +"2597 5206" [id=2597, type=NonZero]; +"2598 5207" [id=2598, type=Transpose]; +"2599 5208" [id=2599, type=Squeeze]; +"2600 5211" [id=2600, type=Cast]; +"2601 5210" [id=2601, type=Gather]; +"2602 5212" [id=2602, type=Gather]; +"2603 5221" [id=2603, type=Unsqueeze]; +"2604 5222" [id=2604, type=Unsqueeze]; +"2605 5217" [id=2605, type=Slice]; +"2606 5219" [id=2606, type=Gather]; +"2607 5220" [id=2607, type=Unsqueeze]; +"2608 5225" [id=2608, type=NonMaxSuppression]; +"2609 5227" [id=2609, type=Gather]; +"2610 5228" [id=2610, type=Squeeze]; +"2611 5232" [id=2611, type=Gather]; +"2612 5158" [id=2612, type=Slice]; +"2613 5160" [id=2613, type=Gather]; +"2614 5161" [id=2614, type=Cast]; +"2615 5162" [id=2615, type=NonZero]; +"2616 5163" [id=2616, type=Transpose]; +"2617 5164" [id=2617, type=Squeeze]; +"2618 5167" [id=2618, type=Cast]; +"2619 5166" [id=2619, type=Gather]; +"2620 5168" [id=2620, type=Gather]; +"2621 5177" [id=2621, type=Unsqueeze]; +"2622 5178" [id=2622, type=Unsqueeze]; +"2623 5173" [id=2623, type=Slice]; +"2624 5175" [id=2624, type=Gather]; +"2625 5176" [id=2625, type=Unsqueeze]; +"2626 5181" [id=2626, type=NonMaxSuppression]; +"2627 5183" [id=2627, type=Gather]; +"2628 5184" [id=2628, type=Squeeze]; +"2629 5188" [id=2629, type=Gather]; +"2630 5114" [id=2630, type=Slice]; +"2631 5116" [id=2631, type=Gather]; +"2632 5117" [id=2632, type=Cast]; +"2633 5118" [id=2633, type=NonZero]; +"2634 5119" [id=2634, type=Transpose]; +"2635 5120" [id=2635, type=Squeeze]; +"2636 5123" [id=2636, type=Cast]; +"2637 5122" [id=2637, type=Gather]; +"2638 5124" [id=2638, type=Gather]; +"2639 5133" [id=2639, type=Unsqueeze]; +"2640 5134" [id=2640, type=Unsqueeze]; +"2641 5129" [id=2641, type=Slice]; +"2642 5131" [id=2642, type=Gather]; +"2643 5132" [id=2643, type=Unsqueeze]; +"2644 5137" [id=2644, type=NonMaxSuppression]; +"2645 5139" [id=2645, type=Gather]; +"2646 5140" [id=2646, type=Squeeze]; +"2647 5144" [id=2647, type=Gather]; +"2648 5070" [id=2648, type=Slice]; +"2649 5072" [id=2649, type=Gather]; +"2650 5073" [id=2650, type=Cast]; +"2651 5074" [id=2651, type=NonZero]; +"2652 5075" [id=2652, type=Transpose]; +"2653 5076" [id=2653, type=Squeeze]; +"2654 5079" [id=2654, type=Cast]; +"2655 5078" [id=2655, type=Gather]; +"2656 5080" [id=2656, type=Gather]; +"2657 5089" [id=2657, type=Unsqueeze]; +"2658 5090" [id=2658, type=Unsqueeze]; +"2659 5085" [id=2659, type=Slice]; +"2660 5087" [id=2660, type=Gather]; +"2661 5088" [id=2661, type=Unsqueeze]; +"2662 5093" [id=2662, type=NonMaxSuppression]; +"2663 5095" [id=2663, type=Gather]; +"2664 5096" [id=2664, type=Squeeze]; +"2665 5100" [id=2665, type=Gather]; +"2666 5026" [id=2666, type=Slice]; +"2667 5028" [id=2667, type=Gather]; +"2668 5029" [id=2668, type=Cast]; +"2669 5030" [id=2669, type=NonZero]; +"2670 5031" [id=2670, type=Transpose]; +"2671 5032" [id=2671, type=Squeeze]; +"2672 5035" [id=2672, type=Cast]; +"2673 5034" [id=2673, type=Gather]; +"2674 5036" [id=2674, type=Gather]; +"2675 5045" [id=2675, type=Unsqueeze]; +"2676 5046" [id=2676, type=Unsqueeze]; +"2677 5041" [id=2677, type=Slice]; +"2678 5043" [id=2678, type=Gather]; +"2679 5044" [id=2679, type=Unsqueeze]; +"2680 5049" [id=2680, type=NonMaxSuppression]; +"2681 5051" [id=2681, type=Gather]; +"2682 5052" [id=2682, type=Squeeze]; +"2683 5056" [id=2683, type=Gather]; +"2684 4982" [id=2684, type=Slice]; +"2685 4984" [id=2685, type=Gather]; +"2686 4985" [id=2686, type=Cast]; +"2687 4986" [id=2687, type=NonZero]; +"2688 4987" [id=2688, type=Transpose]; +"2689 4988" [id=2689, type=Squeeze]; +"2690 4991" [id=2690, type=Cast]; +"2691 4990" [id=2691, type=Gather]; +"2692 4992" [id=2692, type=Gather]; +"2693 5001" [id=2693, type=Unsqueeze]; +"2694 5002" [id=2694, type=Unsqueeze]; +"2695 4997" [id=2695, type=Slice]; +"2696 4999" [id=2696, type=Gather]; +"2697 5000" [id=2697, type=Unsqueeze]; +"2698 5005" [id=2698, type=NonMaxSuppression]; +"2699 5007" [id=2699, type=Gather]; +"2700 5008" [id=2700, type=Squeeze]; +"2701 5012" [id=2701, type=Gather]; +"2702 4938" [id=2702, type=Slice]; +"2703 4940" [id=2703, type=Gather]; +"2704 4941" [id=2704, type=Cast]; +"2705 4942" [id=2705, type=NonZero]; +"2706 4943" [id=2706, type=Transpose]; +"2707 4944" [id=2707, type=Squeeze]; +"2708 4947" [id=2708, type=Cast]; +"2709 4946" [id=2709, type=Gather]; +"2710 4948" [id=2710, type=Gather]; +"2711 4957" [id=2711, type=Unsqueeze]; +"2712 4958" [id=2712, type=Unsqueeze]; +"2713 4953" [id=2713, type=Slice]; +"2714 4955" [id=2714, type=Gather]; +"2715 4956" [id=2715, type=Unsqueeze]; +"2716 4961" [id=2716, type=NonMaxSuppression]; +"2717 4963" [id=2717, type=Gather]; +"2718 4964" [id=2718, type=Squeeze]; +"2719 4968" [id=2719, type=Gather]; +"2720 4894" [id=2720, type=Slice]; +"2721 4896" [id=2721, type=Gather]; +"2722 4897" [id=2722, type=Cast]; +"2723 4898" [id=2723, type=NonZero]; +"2724 4899" [id=2724, type=Transpose]; +"2725 4900" [id=2725, type=Squeeze]; +"2726 4903" [id=2726, type=Cast]; +"2727 4902" [id=2727, type=Gather]; +"2728 4904" [id=2728, type=Gather]; +"2729 4913" [id=2729, type=Unsqueeze]; +"2730 4914" [id=2730, type=Unsqueeze]; +"2731 4909" [id=2731, type=Slice]; +"2732 4911" [id=2732, type=Gather]; +"2733 4912" [id=2733, type=Unsqueeze]; +"2734 4917" [id=2734, type=NonMaxSuppression]; +"2735 4919" [id=2735, type=Gather]; +"2736 4920" [id=2736, type=Squeeze]; +"2737 4924" [id=2737, type=Gather]; +"2738 4850" [id=2738, type=Slice]; +"2739 4852" [id=2739, type=Gather]; +"2740 4853" [id=2740, type=Cast]; +"2741 4854" [id=2741, type=NonZero]; +"2742 4855" [id=2742, type=Transpose]; +"2743 4856" [id=2743, type=Squeeze]; +"2744 4859" [id=2744, type=Cast]; +"2745 4858" [id=2745, type=Gather]; +"2746 4860" [id=2746, type=Gather]; +"2747 4869" [id=2747, type=Unsqueeze]; +"2748 4870" [id=2748, type=Unsqueeze]; +"2749 4865" [id=2749, type=Slice]; +"2750 4867" [id=2750, type=Gather]; +"2751 4868" [id=2751, type=Unsqueeze]; +"2752 4873" [id=2752, type=NonMaxSuppression]; +"2753 4875" [id=2753, type=Gather]; +"2754 4876" [id=2754, type=Squeeze]; +"2755 4880" [id=2755, type=Gather]; +"2756 4806" [id=2756, type=Slice]; +"2757 4808" [id=2757, type=Gather]; +"2758 4809" [id=2758, type=Cast]; +"2759 4810" [id=2759, type=NonZero]; +"2760 4811" [id=2760, type=Transpose]; +"2761 4812" [id=2761, type=Squeeze]; +"2762 4815" [id=2762, type=Cast]; +"2763 4814" [id=2763, type=Gather]; +"2764 4816" [id=2764, type=Gather]; +"2765 4825" [id=2765, type=Unsqueeze]; +"2766 4826" [id=2766, type=Unsqueeze]; +"2767 4821" [id=2767, type=Slice]; +"2768 4823" [id=2768, type=Gather]; +"2769 4824" [id=2769, type=Unsqueeze]; +"2770 4829" [id=2770, type=NonMaxSuppression]; +"2771 4831" [id=2771, type=Gather]; +"2772 4832" [id=2772, type=Squeeze]; +"2773 4836" [id=2773, type=Gather]; +"2774 4762" [id=2774, type=Slice]; +"2775 4764" [id=2775, type=Gather]; +"2776 4765" [id=2776, type=Cast]; +"2777 4766" [id=2777, type=NonZero]; +"2778 4767" [id=2778, type=Transpose]; +"2779 4768" [id=2779, type=Squeeze]; +"2780 4771" [id=2780, type=Cast]; +"2781 4770" [id=2781, type=Gather]; +"2782 4772" [id=2782, type=Gather]; +"2783 4781" [id=2783, type=Unsqueeze]; +"2784 4782" [id=2784, type=Unsqueeze]; +"2785 4777" [id=2785, type=Slice]; +"2786 4779" [id=2786, type=Gather]; +"2787 4780" [id=2787, type=Unsqueeze]; +"2788 4785" [id=2788, type=NonMaxSuppression]; +"2789 4787" [id=2789, type=Gather]; +"2790 4788" [id=2790, type=Squeeze]; +"2791 4792" [id=2791, type=Gather]; +"2792 4718" [id=2792, type=Slice]; +"2793 4720" [id=2793, type=Gather]; +"2794 4721" [id=2794, type=Cast]; +"2795 4722" [id=2795, type=NonZero]; +"2796 4723" [id=2796, type=Transpose]; +"2797 4724" [id=2797, type=Squeeze]; +"2798 4727" [id=2798, type=Cast]; +"2799 4726" [id=2799, type=Gather]; +"2800 4728" [id=2800, type=Gather]; +"2801 4737" [id=2801, type=Unsqueeze]; +"2802 4738" [id=2802, type=Unsqueeze]; +"2803 4733" [id=2803, type=Slice]; +"2804 4735" [id=2804, type=Gather]; +"2805 4736" [id=2805, type=Unsqueeze]; +"2806 4741" [id=2806, type=NonMaxSuppression]; +"2807 4743" [id=2807, type=Gather]; +"2808 4744" [id=2808, type=Squeeze]; +"2809 4748" [id=2809, type=Gather]; +"2810 4674" [id=2810, type=Slice]; +"2811 4676" [id=2811, type=Gather]; +"2812 4677" [id=2812, type=Cast]; +"2813 4678" [id=2813, type=NonZero]; +"2814 4679" [id=2814, type=Transpose]; +"2815 4680" [id=2815, type=Squeeze]; +"2816 4683" [id=2816, type=Cast]; +"2817 4682" [id=2817, type=Gather]; +"2818 4684" [id=2818, type=Gather]; +"2819 4693" [id=2819, type=Unsqueeze]; +"2820 4694" [id=2820, type=Unsqueeze]; +"2821 4689" [id=2821, type=Slice]; +"2822 4691" [id=2822, type=Gather]; +"2823 4692" [id=2823, type=Unsqueeze]; +"2824 4697" [id=2824, type=NonMaxSuppression]; +"2825 4699" [id=2825, type=Gather]; +"2826 4700" [id=2826, type=Squeeze]; +"2827 4704" [id=2827, type=Gather]; +"2828 4630" [id=2828, type=Slice]; +"2829 4632" [id=2829, type=Gather]; +"2830 4633" [id=2830, type=Cast]; +"2831 4634" [id=2831, type=NonZero]; +"2832 4635" [id=2832, type=Transpose]; +"2833 4636" [id=2833, type=Squeeze]; +"2834 4639" [id=2834, type=Cast]; +"2835 4638" [id=2835, type=Gather]; +"2836 4640" [id=2836, type=Gather]; +"2837 4649" [id=2837, type=Unsqueeze]; +"2838 4650" [id=2838, type=Unsqueeze]; +"2839 4645" [id=2839, type=Slice]; +"2840 4647" [id=2840, type=Gather]; +"2841 4648" [id=2841, type=Unsqueeze]; +"2842 4653" [id=2842, type=NonMaxSuppression]; +"2843 4655" [id=2843, type=Gather]; +"2844 4656" [id=2844, type=Squeeze]; +"2845 4660" [id=2845, type=Gather]; +"2846 4586" [id=2846, type=Slice]; +"2847 4588" [id=2847, type=Gather]; +"2848 4589" [id=2848, type=Cast]; +"2849 4590" [id=2849, type=NonZero]; +"2850 4591" [id=2850, type=Transpose]; +"2851 4592" [id=2851, type=Squeeze]; +"2852 4595" [id=2852, type=Cast]; +"2853 4594" [id=2853, type=Gather]; +"2854 4596" [id=2854, type=Gather]; +"2855 4605" [id=2855, type=Unsqueeze]; +"2856 4606" [id=2856, type=Unsqueeze]; +"2857 4601" [id=2857, type=Slice]; +"2858 4603" [id=2858, type=Gather]; +"2859 4604" [id=2859, type=Unsqueeze]; +"2860 4609" [id=2860, type=NonMaxSuppression]; +"2861 4611" [id=2861, type=Gather]; +"2862 4612" [id=2862, type=Squeeze]; +"2863 4616" [id=2863, type=Gather]; +"2864 4542" [id=2864, type=Slice]; +"2865 4544" [id=2865, type=Gather]; +"2866 4545" [id=2866, type=Cast]; +"2867 4546" [id=2867, type=NonZero]; +"2868 4547" [id=2868, type=Transpose]; +"2869 4548" [id=2869, type=Squeeze]; +"2870 4551" [id=2870, type=Cast]; +"2871 4550" [id=2871, type=Gather]; +"2872 4552" [id=2872, type=Gather]; +"2873 4561" [id=2873, type=Unsqueeze]; +"2874 4562" [id=2874, type=Unsqueeze]; +"2875 4557" [id=2875, type=Slice]; +"2876 4559" [id=2876, type=Gather]; +"2877 4560" [id=2877, type=Unsqueeze]; +"2878 4565" [id=2878, type=NonMaxSuppression]; +"2879 4567" [id=2879, type=Gather]; +"2880 4568" [id=2880, type=Squeeze]; +"2881 4572" [id=2881, type=Gather]; +"2882 4498" [id=2882, type=Slice]; +"2883 4500" [id=2883, type=Gather]; +"2884 4501" [id=2884, type=Cast]; +"2885 4502" [id=2885, type=NonZero]; +"2886 4503" [id=2886, type=Transpose]; +"2887 4504" [id=2887, type=Squeeze]; +"2888 4507" [id=2888, type=Cast]; +"2889 4506" [id=2889, type=Gather]; +"2890 4508" [id=2890, type=Gather]; +"2891 4517" [id=2891, type=Unsqueeze]; +"2892 4518" [id=2892, type=Unsqueeze]; +"2893 4513" [id=2893, type=Slice]; +"2894 4515" [id=2894, type=Gather]; +"2895 4516" [id=2895, type=Unsqueeze]; +"2896 4521" [id=2896, type=NonMaxSuppression]; +"2897 4523" [id=2897, type=Gather]; +"2898 4524" [id=2898, type=Squeeze]; +"2899 4528" [id=2899, type=Gather]; +"2900 4454" [id=2900, type=Slice]; +"2901 4456" [id=2901, type=Gather]; +"2902 4457" [id=2902, type=Cast]; +"2903 4458" [id=2903, type=NonZero]; +"2904 4459" [id=2904, type=Transpose]; +"2905 4460" [id=2905, type=Squeeze]; +"2906 4463" [id=2906, type=Cast]; +"2907 4462" [id=2907, type=Gather]; +"2908 4464" [id=2908, type=Gather]; +"2909 4473" [id=2909, type=Unsqueeze]; +"2910 4474" [id=2910, type=Unsqueeze]; +"2911 4469" [id=2911, type=Slice]; +"2912 4471" [id=2912, type=Gather]; +"2913 4472" [id=2913, type=Unsqueeze]; +"2914 4477" [id=2914, type=NonMaxSuppression]; +"2915 4479" [id=2915, type=Gather]; +"2916 4480" [id=2916, type=Squeeze]; +"2917 4484" [id=2917, type=Gather]; +"2918 4410" [id=2918, type=Slice]; +"2919 4412" [id=2919, type=Gather]; +"2920 4413" [id=2920, type=Cast]; +"2921 4414" [id=2921, type=NonZero]; +"2922 4415" [id=2922, type=Transpose]; +"2923 4416" [id=2923, type=Squeeze]; +"2924 4419" [id=2924, type=Cast]; +"2925 4418" [id=2925, type=Gather]; +"2926 4420" [id=2926, type=Gather]; +"2927 4429" [id=2927, type=Unsqueeze]; +"2928 4430" [id=2928, type=Unsqueeze]; +"2929 4425" [id=2929, type=Slice]; +"2930 4427" [id=2930, type=Gather]; +"2931 4428" [id=2931, type=Unsqueeze]; +"2932 4433" [id=2932, type=NonMaxSuppression]; +"2933 4435" [id=2933, type=Gather]; +"2934 4436" [id=2934, type=Squeeze]; +"2935 4440" [id=2935, type=Gather]; +"2936 4366" [id=2936, type=Slice]; +"2937 4368" [id=2937, type=Gather]; +"2938 4369" [id=2938, type=Cast]; +"2939 4370" [id=2939, type=NonZero]; +"2940 4371" [id=2940, type=Transpose]; +"2941 4372" [id=2941, type=Squeeze]; +"2942 4375" [id=2942, type=Cast]; +"2943 4374" [id=2943, type=Gather]; +"2944 4376" [id=2944, type=Gather]; +"2945 4385" [id=2945, type=Unsqueeze]; +"2946 4386" [id=2946, type=Unsqueeze]; +"2947 4381" [id=2947, type=Slice]; +"2948 4383" [id=2948, type=Gather]; +"2949 4384" [id=2949, type=Unsqueeze]; +"2950 4389" [id=2950, type=NonMaxSuppression]; +"2951 4391" [id=2951, type=Gather]; +"2952 4392" [id=2952, type=Squeeze]; +"2953 4396" [id=2953, type=Gather]; +"2954 4322" [id=2954, type=Slice]; +"2955 4324" [id=2955, type=Gather]; +"2956 4325" [id=2956, type=Cast]; +"2957 4326" [id=2957, type=NonZero]; +"2958 4327" [id=2958, type=Transpose]; +"2959 4328" [id=2959, type=Squeeze]; +"2960 4331" [id=2960, type=Cast]; +"2961 4330" [id=2961, type=Gather]; +"2962 4332" [id=2962, type=Gather]; +"2963 4341" [id=2963, type=Unsqueeze]; +"2964 4342" [id=2964, type=Unsqueeze]; +"2965 4337" [id=2965, type=Slice]; +"2966 4339" [id=2966, type=Gather]; +"2967 4340" [id=2967, type=Unsqueeze]; +"2968 4345" [id=2968, type=NonMaxSuppression]; +"2969 4347" [id=2969, type=Gather]; +"2970 4348" [id=2970, type=Squeeze]; +"2971 4352" [id=2971, type=Gather]; +"2972 4278" [id=2972, type=Slice]; +"2973 4280" [id=2973, type=Gather]; +"2974 4281" [id=2974, type=Cast]; +"2975 4282" [id=2975, type=NonZero]; +"2976 4283" [id=2976, type=Transpose]; +"2977 4284" [id=2977, type=Squeeze]; +"2978 4287" [id=2978, type=Cast]; +"2979 4286" [id=2979, type=Gather]; +"2980 4288" [id=2980, type=Gather]; +"2981 4297" [id=2981, type=Unsqueeze]; +"2982 4298" [id=2982, type=Unsqueeze]; +"2983 4293" [id=2983, type=Slice]; +"2984 4295" [id=2984, type=Gather]; +"2985 4296" [id=2985, type=Unsqueeze]; +"2986 4301" [id=2986, type=NonMaxSuppression]; +"2987 4303" [id=2987, type=Gather]; +"2988 4304" [id=2988, type=Squeeze]; +"2989 4308" [id=2989, type=Gather]; +"2990 4234" [id=2990, type=Slice]; +"2991 4236" [id=2991, type=Gather]; +"2992 4237" [id=2992, type=Cast]; +"2993 4238" [id=2993, type=NonZero]; +"2994 4239" [id=2994, type=Transpose]; +"2995 4240" [id=2995, type=Squeeze]; +"2996 4243" [id=2996, type=Cast]; +"2997 4242" [id=2997, type=Gather]; +"2998 4244" [id=2998, type=Gather]; +"2999 4253" [id=2999, type=Unsqueeze]; +"3000 4254" [id=3000, type=Unsqueeze]; +"3001 4249" [id=3001, type=Slice]; +"3002 4251" [id=3002, type=Gather]; +"3003 4252" [id=3003, type=Unsqueeze]; +"3004 4257" [id=3004, type=NonMaxSuppression]; +"3005 4259" [id=3005, type=Gather]; +"3006 4260" [id=3006, type=Squeeze]; +"3007 4264" [id=3007, type=Gather]; +"3008 4190" [id=3008, type=Slice]; +"3009 4192" [id=3009, type=Gather]; +"3010 4193" [id=3010, type=Cast]; +"3011 4194" [id=3011, type=NonZero]; +"3012 4195" [id=3012, type=Transpose]; +"3013 4196" [id=3013, type=Squeeze]; +"3014 4199" [id=3014, type=Cast]; +"3015 4198" [id=3015, type=Gather]; +"3016 4200" [id=3016, type=Gather]; +"3017 4209" [id=3017, type=Unsqueeze]; +"3018 4210" [id=3018, type=Unsqueeze]; +"3019 4205" [id=3019, type=Slice]; +"3020 4207" [id=3020, type=Gather]; +"3021 4208" [id=3021, type=Unsqueeze]; +"3022 4213" [id=3022, type=NonMaxSuppression]; +"3023 4215" [id=3023, type=Gather]; +"3024 4216" [id=3024, type=Squeeze]; +"3025 4220" [id=3025, type=Gather]; +"3026 4146" [id=3026, type=Slice]; +"3027 4148" [id=3027, type=Gather]; +"3028 4149" [id=3028, type=Cast]; +"3029 4150" [id=3029, type=NonZero]; +"3030 4151" [id=3030, type=Transpose]; +"3031 4152" [id=3031, type=Squeeze]; +"3032 4155" [id=3032, type=Cast]; +"3033 4154" [id=3033, type=Gather]; +"3034 4156" [id=3034, type=Gather]; +"3035 4165" [id=3035, type=Unsqueeze]; +"3036 4166" [id=3036, type=Unsqueeze]; +"3037 4161" [id=3037, type=Slice]; +"3038 4163" [id=3038, type=Gather]; +"3039 4164" [id=3039, type=Unsqueeze]; +"3040 4169" [id=3040, type=NonMaxSuppression]; +"3041 4171" [id=3041, type=Gather]; +"3042 4172" [id=3042, type=Squeeze]; +"3043 4176" [id=3043, type=Gather]; +"3044 4102" [id=3044, type=Slice]; +"3045 4104" [id=3045, type=Gather]; +"3046 4105" [id=3046, type=Cast]; +"3047 4106" [id=3047, type=NonZero]; +"3048 4107" [id=3048, type=Transpose]; +"3049 4108" [id=3049, type=Squeeze]; +"3050 4111" [id=3050, type=Cast]; +"3051 4110" [id=3051, type=Gather]; +"3052 4112" [id=3052, type=Gather]; +"3053 4121" [id=3053, type=Unsqueeze]; +"3054 4122" [id=3054, type=Unsqueeze]; +"3055 4117" [id=3055, type=Slice]; +"3056 4119" [id=3056, type=Gather]; +"3057 4120" [id=3057, type=Unsqueeze]; +"3058 4125" [id=3058, type=NonMaxSuppression]; +"3059 4127" [id=3059, type=Gather]; +"3060 4128" [id=3060, type=Squeeze]; +"3061 4132" [id=3061, type=Gather]; +"3062 4058" [id=3062, type=Slice]; +"3063 4060" [id=3063, type=Gather]; +"3064 4061" [id=3064, type=Cast]; +"3065 4062" [id=3065, type=NonZero]; +"3066 4063" [id=3066, type=Transpose]; +"3067 4064" [id=3067, type=Squeeze]; +"3068 4067" [id=3068, type=Cast]; +"3069 4066" [id=3069, type=Gather]; +"3070 4068" [id=3070, type=Gather]; +"3071 4077" [id=3071, type=Unsqueeze]; +"3072 4078" [id=3072, type=Unsqueeze]; +"3073 4073" [id=3073, type=Slice]; +"3074 4075" [id=3074, type=Gather]; +"3075 4076" [id=3075, type=Unsqueeze]; +"3076 4081" [id=3076, type=NonMaxSuppression]; +"3077 4083" [id=3077, type=Gather]; +"3078 4084" [id=3078, type=Squeeze]; +"3079 4088" [id=3079, type=Gather]; +"3080 4014" [id=3080, type=Slice]; +"3081 4016" [id=3081, type=Gather]; +"3082 4017" [id=3082, type=Cast]; +"3083 4018" [id=3083, type=NonZero]; +"3084 4019" [id=3084, type=Transpose]; +"3085 4020" [id=3085, type=Squeeze]; +"3086 4023" [id=3086, type=Cast]; +"3087 4022" [id=3087, type=Gather]; +"3088 4024" [id=3088, type=Gather]; +"3089 4033" [id=3089, type=Unsqueeze]; +"3090 4034" [id=3090, type=Unsqueeze]; +"3091 4029" [id=3091, type=Slice]; +"3092 4031" [id=3092, type=Gather]; +"3093 4032" [id=3093, type=Unsqueeze]; +"3094 4037" [id=3094, type=NonMaxSuppression]; +"3095 4039" [id=3095, type=Gather]; +"3096 4040" [id=3096, type=Squeeze]; +"3097 4044" [id=3097, type=Gather]; +"3098 3970" [id=3098, type=Slice]; +"3099 3972" [id=3099, type=Gather]; +"3100 3973" [id=3100, type=Cast]; +"3101 3974" [id=3101, type=NonZero]; +"3102 3975" [id=3102, type=Transpose]; +"3103 3976" [id=3103, type=Squeeze]; +"3104 3979" [id=3104, type=Cast]; +"3105 3978" [id=3105, type=Gather]; +"3106 3980" [id=3106, type=Gather]; +"3107 3989" [id=3107, type=Unsqueeze]; +"3108 3990" [id=3108, type=Unsqueeze]; +"3109 3985" [id=3109, type=Slice]; +"3110 3987" [id=3110, type=Gather]; +"3111 3988" [id=3111, type=Unsqueeze]; +"3112 3993" [id=3112, type=NonMaxSuppression]; +"3113 3995" [id=3113, type=Gather]; +"3114 3996" [id=3114, type=Squeeze]; +"3115 4000" [id=3115, type=Gather]; +"3116 3926" [id=3116, type=Slice]; +"3117 3928" [id=3117, type=Gather]; +"3118 3929" [id=3118, type=Cast]; +"3119 3930" [id=3119, type=NonZero]; +"3120 3931" [id=3120, type=Transpose]; +"3121 3932" [id=3121, type=Squeeze]; +"3122 3935" [id=3122, type=Cast]; +"3123 3934" [id=3123, type=Gather]; +"3124 3936" [id=3124, type=Gather]; +"3125 3945" [id=3125, type=Unsqueeze]; +"3126 3946" [id=3126, type=Unsqueeze]; +"3127 3941" [id=3127, type=Slice]; +"3128 3943" [id=3128, type=Gather]; +"3129 3944" [id=3129, type=Unsqueeze]; +"3130 3949" [id=3130, type=NonMaxSuppression]; +"3131 3951" [id=3131, type=Gather]; +"3132 3952" [id=3132, type=Squeeze]; +"3133 3956" [id=3133, type=Gather]; +"3134 3882" [id=3134, type=Slice]; +"3135 3884" [id=3135, type=Gather]; +"3136 3885" [id=3136, type=Cast]; +"3137 3886" [id=3137, type=NonZero]; +"3138 3887" [id=3138, type=Transpose]; +"3139 3888" [id=3139, type=Squeeze]; +"3140 3891" [id=3140, type=Cast]; +"3141 3890" [id=3141, type=Gather]; +"3142 3892" [id=3142, type=Gather]; +"3143 3901" [id=3143, type=Unsqueeze]; +"3144 3902" [id=3144, type=Unsqueeze]; +"3145 3897" [id=3145, type=Slice]; +"3146 3899" [id=3146, type=Gather]; +"3147 3900" [id=3147, type=Unsqueeze]; +"3148 3905" [id=3148, type=NonMaxSuppression]; +"3149 3907" [id=3149, type=Gather]; +"3150 3908" [id=3150, type=Squeeze]; +"3151 3912" [id=3151, type=Gather]; +"3152 3838" [id=3152, type=Slice]; +"3153 3840" [id=3153, type=Gather]; +"3154 3841" [id=3154, type=Cast]; +"3155 3842" [id=3155, type=NonZero]; +"3156 3843" [id=3156, type=Transpose]; +"3157 3844" [id=3157, type=Squeeze]; +"3158 3847" [id=3158, type=Cast]; +"3159 3846" [id=3159, type=Gather]; +"3160 3848" [id=3160, type=Gather]; +"3161 3857" [id=3161, type=Unsqueeze]; +"3162 3858" [id=3162, type=Unsqueeze]; +"3163 3853" [id=3163, type=Slice]; +"3164 3855" [id=3164, type=Gather]; +"3165 3856" [id=3165, type=Unsqueeze]; +"3166 3861" [id=3166, type=NonMaxSuppression]; +"3167 3863" [id=3167, type=Gather]; +"3168 3864" [id=3168, type=Squeeze]; +"3169 3868" [id=3169, type=Gather]; +"3170 3794" [id=3170, type=Slice]; +"3171 3796" [id=3171, type=Gather]; +"3172 3797" [id=3172, type=Cast]; +"3173 3798" [id=3173, type=NonZero]; +"3174 3799" [id=3174, type=Transpose]; +"3175 3800" [id=3175, type=Squeeze]; +"3176 3803" [id=3176, type=Cast]; +"3177 3802" [id=3177, type=Gather]; +"3178 3804" [id=3178, type=Gather]; +"3179 3813" [id=3179, type=Unsqueeze]; +"3180 3814" [id=3180, type=Unsqueeze]; +"3181 3809" [id=3181, type=Slice]; +"3182 3811" [id=3182, type=Gather]; +"3183 3812" [id=3183, type=Unsqueeze]; +"3184 3817" [id=3184, type=NonMaxSuppression]; +"3185 3819" [id=3185, type=Gather]; +"3186 3820" [id=3186, type=Squeeze]; +"3187 3824" [id=3187, type=Gather]; +"3188 3750" [id=3188, type=Slice]; +"3189 3752" [id=3189, type=Gather]; +"3190 3753" [id=3190, type=Cast]; +"3191 3754" [id=3191, type=NonZero]; +"3192 3755" [id=3192, type=Transpose]; +"3193 3756" [id=3193, type=Squeeze]; +"3194 3759" [id=3194, type=Cast]; +"3195 3758" [id=3195, type=Gather]; +"3196 3760" [id=3196, type=Gather]; +"3197 3769" [id=3197, type=Unsqueeze]; +"3198 3770" [id=3198, type=Unsqueeze]; +"3199 3765" [id=3199, type=Slice]; +"3200 3767" [id=3200, type=Gather]; +"3201 3768" [id=3201, type=Unsqueeze]; +"3202 3773" [id=3202, type=NonMaxSuppression]; +"3203 3775" [id=3203, type=Gather]; +"3204 3776" [id=3204, type=Squeeze]; +"3205 3780" [id=3205, type=Gather]; +"3206 3706" [id=3206, type=Slice]; +"3207 3708" [id=3207, type=Gather]; +"3208 3709" [id=3208, type=Cast]; +"3209 3710" [id=3209, type=NonZero]; +"3210 3711" [id=3210, type=Transpose]; +"3211 3712" [id=3211, type=Squeeze]; +"3212 3715" [id=3212, type=Cast]; +"3213 3714" [id=3213, type=Gather]; +"3214 3716" [id=3214, type=Gather]; +"3215 3725" [id=3215, type=Unsqueeze]; +"3216 3726" [id=3216, type=Unsqueeze]; +"3217 3721" [id=3217, type=Slice]; +"3218 3723" [id=3218, type=Gather]; +"3219 3724" [id=3219, type=Unsqueeze]; +"3220 3729" [id=3220, type=NonMaxSuppression]; +"3221 3731" [id=3221, type=Gather]; +"3222 3732" [id=3222, type=Squeeze]; +"3223 3736" [id=3223, type=Gather]; +"3224 3662" [id=3224, type=Slice]; +"3225 3664" [id=3225, type=Gather]; +"3226 3665" [id=3226, type=Cast]; +"3227 3666" [id=3227, type=NonZero]; +"3228 3667" [id=3228, type=Transpose]; +"3229 3668" [id=3229, type=Squeeze]; +"3230 3671" [id=3230, type=Cast]; +"3231 3670" [id=3231, type=Gather]; +"3232 3672" [id=3232, type=Gather]; +"3233 3681" [id=3233, type=Unsqueeze]; +"3234 3682" [id=3234, type=Unsqueeze]; +"3235 3677" [id=3235, type=Slice]; +"3236 3679" [id=3236, type=Gather]; +"3237 3680" [id=3237, type=Unsqueeze]; +"3238 3685" [id=3238, type=NonMaxSuppression]; +"3239 3687" [id=3239, type=Gather]; +"3240 3688" [id=3240, type=Squeeze]; +"3241 3692" [id=3241, type=Gather]; +"3242 3618" [id=3242, type=Slice]; +"3243 3620" [id=3243, type=Gather]; +"3244 3621" [id=3244, type=Cast]; +"3245 3622" [id=3245, type=NonZero]; +"3246 3623" [id=3246, type=Transpose]; +"3247 3624" [id=3247, type=Squeeze]; +"3248 3627" [id=3248, type=Cast]; +"3249 3626" [id=3249, type=Gather]; +"3250 3628" [id=3250, type=Gather]; +"3251 3637" [id=3251, type=Unsqueeze]; +"3252 3638" [id=3252, type=Unsqueeze]; +"3253 3633" [id=3253, type=Slice]; +"3254 3635" [id=3254, type=Gather]; +"3255 3636" [id=3255, type=Unsqueeze]; +"3256 3641" [id=3256, type=NonMaxSuppression]; +"3257 3643" [id=3257, type=Gather]; +"3258 3644" [id=3258, type=Squeeze]; +"3259 3648" [id=3259, type=Gather]; +"3260 3574" [id=3260, type=Slice]; +"3261 3576" [id=3261, type=Gather]; +"3262 3577" [id=3262, type=Cast]; +"3263 3578" [id=3263, type=NonZero]; +"3264 3579" [id=3264, type=Transpose]; +"3265 3580" [id=3265, type=Squeeze]; +"3266 3583" [id=3266, type=Cast]; +"3267 3582" [id=3267, type=Gather]; +"3268 3584" [id=3268, type=Gather]; +"3269 3593" [id=3269, type=Unsqueeze]; +"3270 3594" [id=3270, type=Unsqueeze]; +"3271 3589" [id=3271, type=Slice]; +"3272 3591" [id=3272, type=Gather]; +"3273 3592" [id=3273, type=Unsqueeze]; +"3274 3597" [id=3274, type=NonMaxSuppression]; +"3275 3599" [id=3275, type=Gather]; +"3276 3600" [id=3276, type=Squeeze]; +"3277 3604" [id=3277, type=Gather]; +"3278 3530" [id=3278, type=Slice]; +"3279 3532" [id=3279, type=Gather]; +"3280 3533" [id=3280, type=Cast]; +"3281 3534" [id=3281, type=NonZero]; +"3282 3535" [id=3282, type=Transpose]; +"3283 3536" [id=3283, type=Squeeze]; +"3284 3539" [id=3284, type=Cast]; +"3285 3538" [id=3285, type=Gather]; +"3286 3540" [id=3286, type=Gather]; +"3287 3549" [id=3287, type=Unsqueeze]; +"3288 3550" [id=3288, type=Unsqueeze]; +"3289 3545" [id=3289, type=Slice]; +"3290 3547" [id=3290, type=Gather]; +"3291 3548" [id=3291, type=Unsqueeze]; +"3292 3553" [id=3292, type=NonMaxSuppression]; +"3293 3555" [id=3293, type=Gather]; +"3294 3556" [id=3294, type=Squeeze]; +"3295 3560" [id=3295, type=Gather]; +"3296 3486" [id=3296, type=Slice]; +"3297 3488" [id=3297, type=Gather]; +"3298 3489" [id=3298, type=Cast]; +"3299 3490" [id=3299, type=NonZero]; +"3300 3491" [id=3300, type=Transpose]; +"3301 3492" [id=3301, type=Squeeze]; +"3302 3495" [id=3302, type=Cast]; +"3303 3494" [id=3303, type=Gather]; +"3304 3496" [id=3304, type=Gather]; +"3305 3505" [id=3305, type=Unsqueeze]; +"3306 3506" [id=3306, type=Unsqueeze]; +"3307 3501" [id=3307, type=Slice]; +"3308 3503" [id=3308, type=Gather]; +"3309 3504" [id=3309, type=Unsqueeze]; +"3310 3509" [id=3310, type=NonMaxSuppression]; +"3311 3511" [id=3311, type=Gather]; +"3312 3512" [id=3312, type=Squeeze]; +"3313 3516" [id=3313, type=Gather]; +"3314 3442" [id=3314, type=Slice]; +"3315 3444" [id=3315, type=Gather]; +"3316 3445" [id=3316, type=Cast]; +"3317 3446" [id=3317, type=NonZero]; +"3318 3447" [id=3318, type=Transpose]; +"3319 3448" [id=3319, type=Squeeze]; +"3320 3451" [id=3320, type=Cast]; +"3321 3450" [id=3321, type=Gather]; +"3322 3452" [id=3322, type=Gather]; +"3323 3461" [id=3323, type=Unsqueeze]; +"3324 3462" [id=3324, type=Unsqueeze]; +"3325 3457" [id=3325, type=Slice]; +"3326 3459" [id=3326, type=Gather]; +"3327 3460" [id=3327, type=Unsqueeze]; +"3328 3465" [id=3328, type=NonMaxSuppression]; +"3329 3467" [id=3329, type=Gather]; +"3330 3468" [id=3330, type=Squeeze]; +"3331 3472" [id=3331, type=Gather]; +"3332 3398" [id=3332, type=Slice]; +"3333 3400" [id=3333, type=Gather]; +"3334 3401" [id=3334, type=Cast]; +"3335 3402" [id=3335, type=NonZero]; +"3336 3403" [id=3336, type=Transpose]; +"3337 3404" [id=3337, type=Squeeze]; +"3338 3407" [id=3338, type=Cast]; +"3339 3406" [id=3339, type=Gather]; +"3340 3408" [id=3340, type=Gather]; +"3341 3417" [id=3341, type=Unsqueeze]; +"3342 3418" [id=3342, type=Unsqueeze]; +"3343 3413" [id=3343, type=Slice]; +"3344 3415" [id=3344, type=Gather]; +"3345 3416" [id=3345, type=Unsqueeze]; +"3346 3421" [id=3346, type=NonMaxSuppression]; +"3347 3423" [id=3347, type=Gather]; +"3348 3424" [id=3348, type=Squeeze]; +"3349 3428" [id=3349, type=Gather]; +"3350 3354" [id=3350, type=Slice]; +"3351 3356" [id=3351, type=Gather]; +"3352 3357" [id=3352, type=Cast]; +"3353 3358" [id=3353, type=NonZero]; +"3354 3359" [id=3354, type=Transpose]; +"3355 3360" [id=3355, type=Squeeze]; +"3356 3363" [id=3356, type=Cast]; +"3357 3362" [id=3357, type=Gather]; +"3358 3364" [id=3358, type=Gather]; +"3359 3373" [id=3359, type=Unsqueeze]; +"3360 3374" [id=3360, type=Unsqueeze]; +"3361 3369" [id=3361, type=Slice]; +"3362 3371" [id=3362, type=Gather]; +"3363 3372" [id=3363, type=Unsqueeze]; +"3364 3377" [id=3364, type=NonMaxSuppression]; +"3365 3379" [id=3365, type=Gather]; +"3366 3380" [id=3366, type=Squeeze]; +"3367 3384" [id=3367, type=Gather]; +"3368 3310" [id=3368, type=Slice]; +"3369 3312" [id=3369, type=Gather]; +"3370 3313" [id=3370, type=Cast]; +"3371 3314" [id=3371, type=NonZero]; +"3372 3315" [id=3372, type=Transpose]; +"3373 3316" [id=3373, type=Squeeze]; +"3374 3319" [id=3374, type=Cast]; +"3375 3318" [id=3375, type=Gather]; +"3376 3320" [id=3376, type=Gather]; +"3377 3329" [id=3377, type=Unsqueeze]; +"3378 3330" [id=3378, type=Unsqueeze]; +"3379 3325" [id=3379, type=Slice]; +"3380 3327" [id=3380, type=Gather]; +"3381 3328" [id=3381, type=Unsqueeze]; +"3382 3333" [id=3382, type=NonMaxSuppression]; +"3383 3335" [id=3383, type=Gather]; +"3384 3336" [id=3384, type=Squeeze]; +"3385 3340" [id=3385, type=Gather]; +"3386 3266" [id=3386, type=Slice]; +"3387 3268" [id=3387, type=Gather]; +"3388 3269" [id=3388, type=Cast]; +"3389 3270" [id=3389, type=NonZero]; +"3390 3271" [id=3390, type=Transpose]; +"3391 3272" [id=3391, type=Squeeze]; +"3392 3275" [id=3392, type=Cast]; +"3393 3274" [id=3393, type=Gather]; +"3394 3276" [id=3394, type=Gather]; +"3395 3285" [id=3395, type=Unsqueeze]; +"3396 3286" [id=3396, type=Unsqueeze]; +"3397 3281" [id=3397, type=Slice]; +"3398 3283" [id=3398, type=Gather]; +"3399 3284" [id=3399, type=Unsqueeze]; +"3400 3289" [id=3400, type=NonMaxSuppression]; +"3401 3291" [id=3401, type=Gather]; +"3402 3292" [id=3402, type=Squeeze]; +"3403 3296" [id=3403, type=Gather]; +"3404 3222" [id=3404, type=Slice]; +"3405 3224" [id=3405, type=Gather]; +"3406 3225" [id=3406, type=Cast]; +"3407 3226" [id=3407, type=NonZero]; +"3408 3227" [id=3408, type=Transpose]; +"3409 3228" [id=3409, type=Squeeze]; +"3410 3231" [id=3410, type=Cast]; +"3411 3230" [id=3411, type=Gather]; +"3412 3232" [id=3412, type=Gather]; +"3413 3241" [id=3413, type=Unsqueeze]; +"3414 3242" [id=3414, type=Unsqueeze]; +"3415 3237" [id=3415, type=Slice]; +"3416 3239" [id=3416, type=Gather]; +"3417 3240" [id=3417, type=Unsqueeze]; +"3418 3245" [id=3418, type=NonMaxSuppression]; +"3419 3247" [id=3419, type=Gather]; +"3420 3248" [id=3420, type=Squeeze]; +"3421 3252" [id=3421, type=Gather]; +"3422 3178" [id=3422, type=Slice]; +"3423 3180" [id=3423, type=Gather]; +"3424 3181" [id=3424, type=Cast]; +"3425 3182" [id=3425, type=NonZero]; +"3426 3183" [id=3426, type=Transpose]; +"3427 3184" [id=3427, type=Squeeze]; +"3428 3187" [id=3428, type=Cast]; +"3429 3186" [id=3429, type=Gather]; +"3430 3188" [id=3430, type=Gather]; +"3431 3197" [id=3431, type=Unsqueeze]; +"3432 3198" [id=3432, type=Unsqueeze]; +"3433 3193" [id=3433, type=Slice]; +"3434 3195" [id=3434, type=Gather]; +"3435 3196" [id=3435, type=Unsqueeze]; +"3436 3201" [id=3436, type=NonMaxSuppression]; +"3437 3203" [id=3437, type=Gather]; +"3438 3204" [id=3438, type=Squeeze]; +"3439 3208" [id=3439, type=Gather]; +"3440 3134" [id=3440, type=Slice]; +"3441 3136" [id=3441, type=Gather]; +"3442 3137" [id=3442, type=Cast]; +"3443 3138" [id=3443, type=NonZero]; +"3444 3139" [id=3444, type=Transpose]; +"3445 3140" [id=3445, type=Squeeze]; +"3446 3143" [id=3446, type=Cast]; +"3447 3142" [id=3447, type=Gather]; +"3448 3144" [id=3448, type=Gather]; +"3449 3153" [id=3449, type=Unsqueeze]; +"3450 3154" [id=3450, type=Unsqueeze]; +"3451 3149" [id=3451, type=Slice]; +"3452 3151" [id=3452, type=Gather]; +"3453 3152" [id=3453, type=Unsqueeze]; +"3454 3157" [id=3454, type=NonMaxSuppression]; +"3455 3159" [id=3455, type=Gather]; +"3456 3160" [id=3456, type=Squeeze]; +"3457 3164" [id=3457, type=Gather]; +"3458 3090" [id=3458, type=Slice]; +"3459 3092" [id=3459, type=Gather]; +"3460 3093" [id=3460, type=Cast]; +"3461 3094" [id=3461, type=NonZero]; +"3462 3095" [id=3462, type=Transpose]; +"3463 3096" [id=3463, type=Squeeze]; +"3464 3099" [id=3464, type=Cast]; +"3465 3098" [id=3465, type=Gather]; +"3466 3100" [id=3466, type=Gather]; +"3467 3109" [id=3467, type=Unsqueeze]; +"3468 3110" [id=3468, type=Unsqueeze]; +"3469 3105" [id=3469, type=Slice]; +"3470 3107" [id=3470, type=Gather]; +"3471 3108" [id=3471, type=Unsqueeze]; +"3472 3113" [id=3472, type=NonMaxSuppression]; +"3473 3115" [id=3473, type=Gather]; +"3474 3116" [id=3474, type=Squeeze]; +"3475 3120" [id=3475, type=Gather]; +"3476 3046" [id=3476, type=Slice]; +"3477 3048" [id=3477, type=Gather]; +"3478 3049" [id=3478, type=Cast]; +"3479 3050" [id=3479, type=NonZero]; +"3480 3051" [id=3480, type=Transpose]; +"3481 3052" [id=3481, type=Squeeze]; +"3482 3055" [id=3482, type=Cast]; +"3483 3054" [id=3483, type=Gather]; +"3484 3056" [id=3484, type=Gather]; +"3485 3065" [id=3485, type=Unsqueeze]; +"3486 3066" [id=3486, type=Unsqueeze]; +"3487 3061" [id=3487, type=Slice]; +"3488 3063" [id=3488, type=Gather]; +"3489 3064" [id=3489, type=Unsqueeze]; +"3490 3069" [id=3490, type=NonMaxSuppression]; +"3491 3071" [id=3491, type=Gather]; +"3492 3072" [id=3492, type=Squeeze]; +"3493 3076" [id=3493, type=Gather]; +"3494 3002" [id=3494, type=Slice]; +"3495 3004" [id=3495, type=Gather]; +"3496 3005" [id=3496, type=Cast]; +"3497 3006" [id=3497, type=NonZero]; +"3498 3007" [id=3498, type=Transpose]; +"3499 3008" [id=3499, type=Squeeze]; +"3500 3011" [id=3500, type=Cast]; +"3501 3010" [id=3501, type=Gather]; +"3502 3012" [id=3502, type=Gather]; +"3503 3021" [id=3503, type=Unsqueeze]; +"3504 3022" [id=3504, type=Unsqueeze]; +"3505 3017" [id=3505, type=Slice]; +"3506 3019" [id=3506, type=Gather]; +"3507 3020" [id=3507, type=Unsqueeze]; +"3508 3025" [id=3508, type=NonMaxSuppression]; +"3509 3027" [id=3509, type=Gather]; +"3510 3028" [id=3510, type=Squeeze]; +"3511 3032" [id=3511, type=Gather]; +"3512 6520" [id=3512, type=Concat]; +"3513 6521" [id=3513, type=Shape]; +"3514 6523" [id=3514, type=Concat]; +"3515 6524" [id=3515, type=Cast]; +"3516 6525" [id=3516, type=ReduceMin]; +"3517 6526" [id=3517, type=Cast]; +"3518 6527" [id=3518, type=Unsqueeze]; +"3519 6528" [id=3519, type=TopK]; +"3520 6529" [id=3520, type=Cast]; +"3521 6505" [id=3521, type=Cast]; +"3522 6506" [id=3522, type=Gather]; +"3523 6461" [id=3523, type=Cast]; +"3524 6462" [id=3524, type=Gather]; +"3525 6417" [id=3525, type=Cast]; +"3526 6418" [id=3526, type=Gather]; +"3527 6373" [id=3527, type=Cast]; +"3528 6374" [id=3528, type=Gather]; +"3529 6329" [id=3529, type=Cast]; +"3530 6330" [id=3530, type=Gather]; +"3531 6285" [id=3531, type=Cast]; +"3532 6286" [id=3532, type=Gather]; +"3533 6241" [id=3533, type=Cast]; +"3534 6242" [id=3534, type=Gather]; +"3535 6197" [id=3535, type=Cast]; +"3536 6198" [id=3536, type=Gather]; +"3537 6153" [id=3537, type=Cast]; +"3538 6154" [id=3538, type=Gather]; +"3539 6109" [id=3539, type=Cast]; +"3540 6110" [id=3540, type=Gather]; +"3541 6065" [id=3541, type=Cast]; +"3542 6066" [id=3542, type=Gather]; +"3543 6021" [id=3543, type=Cast]; +"3544 6022" [id=3544, type=Gather]; +"3545 5977" [id=3545, type=Cast]; +"3546 5978" [id=3546, type=Gather]; +"3547 5933" [id=3547, type=Cast]; +"3548 5934" [id=3548, type=Gather]; +"3549 5889" [id=3549, type=Cast]; +"3550 5890" [id=3550, type=Gather]; +"3551 5845" [id=3551, type=Cast]; +"3552 5846" [id=3552, type=Gather]; +"3553 5801" [id=3553, type=Cast]; +"3554 5802" [id=3554, type=Gather]; +"3555 5757" [id=3555, type=Cast]; +"3556 5758" [id=3556, type=Gather]; +"3557 5713" [id=3557, type=Cast]; +"3558 5714" [id=3558, type=Gather]; +"3559 5669" [id=3559, type=Cast]; +"3560 5670" [id=3560, type=Gather]; +"3561 5625" [id=3561, type=Cast]; +"3562 5626" [id=3562, type=Gather]; +"3563 5581" [id=3563, type=Cast]; +"3564 5582" [id=3564, type=Gather]; +"3565 5537" [id=3565, type=Cast]; +"3566 5538" [id=3566, type=Gather]; +"3567 5493" [id=3567, type=Cast]; +"3568 5494" [id=3568, type=Gather]; +"3569 5449" [id=3569, type=Cast]; +"3570 5450" [id=3570, type=Gather]; +"3571 5405" [id=3571, type=Cast]; +"3572 5406" [id=3572, type=Gather]; +"3573 5361" [id=3573, type=Cast]; +"3574 5362" [id=3574, type=Gather]; +"3575 5317" [id=3575, type=Cast]; +"3576 5318" [id=3576, type=Gather]; +"3577 5273" [id=3577, type=Cast]; +"3578 5274" [id=3578, type=Gather]; +"3579 5229" [id=3579, type=Cast]; +"3580 5230" [id=3580, type=Gather]; +"3581 5185" [id=3581, type=Cast]; +"3582 5186" [id=3582, type=Gather]; +"3583 5141" [id=3583, type=Cast]; +"3584 5142" [id=3584, type=Gather]; +"3585 5097" [id=3585, type=Cast]; +"3586 5098" [id=3586, type=Gather]; +"3587 5053" [id=3587, type=Cast]; +"3588 5054" [id=3588, type=Gather]; +"3589 5009" [id=3589, type=Cast]; +"3590 5010" [id=3590, type=Gather]; +"3591 4965" [id=3591, type=Cast]; +"3592 4966" [id=3592, type=Gather]; +"3593 4921" [id=3593, type=Cast]; +"3594 4922" [id=3594, type=Gather]; +"3595 4877" [id=3595, type=Cast]; +"3596 4878" [id=3596, type=Gather]; +"3597 4833" [id=3597, type=Cast]; +"3598 4834" [id=3598, type=Gather]; +"3599 4789" [id=3599, type=Cast]; +"3600 4790" [id=3600, type=Gather]; +"3601 4745" [id=3601, type=Cast]; +"3602 4746" [id=3602, type=Gather]; +"3603 4701" [id=3603, type=Cast]; +"3604 4702" [id=3604, type=Gather]; +"3605 4657" [id=3605, type=Cast]; +"3606 4658" [id=3606, type=Gather]; +"3607 4613" [id=3607, type=Cast]; +"3608 4614" [id=3608, type=Gather]; +"3609 4569" [id=3609, type=Cast]; +"3610 4570" [id=3610, type=Gather]; +"3611 4525" [id=3611, type=Cast]; +"3612 4526" [id=3612, type=Gather]; +"3613 4481" [id=3613, type=Cast]; +"3614 4482" [id=3614, type=Gather]; +"3615 4437" [id=3615, type=Cast]; +"3616 4438" [id=3616, type=Gather]; +"3617 4393" [id=3617, type=Cast]; +"3618 4394" [id=3618, type=Gather]; +"3619 4349" [id=3619, type=Cast]; +"3620 4350" [id=3620, type=Gather]; +"3621 4305" [id=3621, type=Cast]; +"3622 4306" [id=3622, type=Gather]; +"3623 4261" [id=3623, type=Cast]; +"3624 4262" [id=3624, type=Gather]; +"3625 4217" [id=3625, type=Cast]; +"3626 4218" [id=3626, type=Gather]; +"3627 4173" [id=3627, type=Cast]; +"3628 4174" [id=3628, type=Gather]; +"3629 4129" [id=3629, type=Cast]; +"3630 4130" [id=3630, type=Gather]; +"3631 4085" [id=3631, type=Cast]; +"3632 4086" [id=3632, type=Gather]; +"3633 4041" [id=3633, type=Cast]; +"3634 4042" [id=3634, type=Gather]; +"3635 3997" [id=3635, type=Cast]; +"3636 3998" [id=3636, type=Gather]; +"3637 3953" [id=3637, type=Cast]; +"3638 3954" [id=3638, type=Gather]; +"3639 3909" [id=3639, type=Cast]; +"3640 3910" [id=3640, type=Gather]; +"3641 3865" [id=3641, type=Cast]; +"3642 3866" [id=3642, type=Gather]; +"3643 3821" [id=3643, type=Cast]; +"3644 3822" [id=3644, type=Gather]; +"3645 3777" [id=3645, type=Cast]; +"3646 3778" [id=3646, type=Gather]; +"3647 3733" [id=3647, type=Cast]; +"3648 3734" [id=3648, type=Gather]; +"3649 3689" [id=3649, type=Cast]; +"3650 3690" [id=3650, type=Gather]; +"3651 3645" [id=3651, type=Cast]; +"3652 3646" [id=3652, type=Gather]; +"3653 3601" [id=3653, type=Cast]; +"3654 3602" [id=3654, type=Gather]; +"3655 3557" [id=3655, type=Cast]; +"3656 3558" [id=3656, type=Gather]; +"3657 3513" [id=3657, type=Cast]; +"3658 3514" [id=3658, type=Gather]; +"3659 3469" [id=3659, type=Cast]; +"3660 3470" [id=3660, type=Gather]; +"3661 3425" [id=3661, type=Cast]; +"3662 3426" [id=3662, type=Gather]; +"3663 3381" [id=3663, type=Cast]; +"3664 3382" [id=3664, type=Gather]; +"3665 3337" [id=3665, type=Cast]; +"3666 3338" [id=3666, type=Gather]; +"3667 3293" [id=3667, type=Cast]; +"3668 3294" [id=3668, type=Gather]; +"3669 3249" [id=3669, type=Cast]; +"3670 3250" [id=3670, type=Gather]; +"3671 3205" [id=3671, type=Cast]; +"3672 3206" [id=3672, type=Gather]; +"3673 3161" [id=3673, type=Cast]; +"3674 3162" [id=3674, type=Gather]; +"3675 3117" [id=3675, type=Cast]; +"3676 3118" [id=3676, type=Gather]; +"3677 3073" [id=3677, type=Cast]; +"3678 3074" [id=3678, type=Gather]; +"3679 3029" [id=3679, type=Cast]; +"3680 3030" [id=3680, type=Gather]; +"3681 6518" [id=3681, type=Concat]; +"3682 6530" [id=3682, type=Gather]; +"3683 QuantizeLinear_6568_1" [id=3683, type=QuantizeLinear]; +"3684 DequantizeLinear_6568_1" [id=3684, type=DequantizeLinear]; +"3685 QuantizeLinear_6568_2" [id=3685, type=QuantizeLinear]; +"3686 DequantizeLinear_6568_2" [id=3686, type=DequantizeLinear]; +"3687 QuantizeLinear_6568_3" [id=3687, type=QuantizeLinear]; +"3688 DequantizeLinear_6568_3" [id=3688, type=DequantizeLinear]; +"3689 QuantizeLinear_6568_4" [id=3689, type=QuantizeLinear]; +"3690 DequantizeLinear_6568_4" [id=3690, type=DequantizeLinear]; +"3691 6576" [id=3691, type=Slice]; +"3692 6578" [id=3692, type=Gather]; +"3693 6569" [id=3693, type=Slice]; +"3694 6571" [id=3694, type=Gather]; +"3695 6579" [id=3695, type=Sub]; +"3696 6581" [id=3696, type=Add]; +"3697 6559" [id=3697, type=Slice]; +"3698 6561" [id=3698, type=Gather]; +"3699 6552" [id=3699, type=Slice]; +"3700 6554" [id=3700, type=Gather]; +"3701 6562" [id=3701, type=Sub]; +"3702 6564" [id=3702, type=Add]; +"3703 QuantizeLinear_6619_1" [id=3703, type=QuantizeLinear]; +"3704 DequantizeLinear_6619_1" [id=3704, type=DequantizeLinear]; +"3705 QuantizeLinear_6602_1" [id=3705, type=QuantizeLinear]; +"3706 DequantizeLinear_6602_1" [id=3706, type=DequantizeLinear]; +"3707 6582" [id=3707, type=Mul]; +"3708 QuantizeLinear_6620_1" [id=3708, type=QuantizeLinear]; +"3709 DequantizeLinear_6620_1" [id=3709, type=DequantizeLinear]; +"3710 6583" [id=3710, type=Sqrt]; +"3711 6586" [id=3711, type=Div]; +"3712 6587" [id=3712, type=Add]; +"3713 6588" [id=3713, type=Log]; +"3714 6590" [id=3714, type=Div]; +"3715 6592" [id=3715, type=Add]; +"3716 6593" [id=3716, type=Floor]; +"3717 6594" [id=3717, type=Clip]; +"3718 6595" [id=3718, type=Cast]; +"3719 6597" [id=3719, type=Sub]; +"3720 6599" [id=3720, type=Equal]; +"3721 6601" [id=3721, type=Cast]; +"3722 6602" [id=3722, type=NonZero]; +"3723 6603" [id=3723, type=Transpose]; +"3724 6604" [id=3724, type=Squeeze]; +"3725 6605" [id=3725, type=Cast]; +"3726 6539" [id=3726, type=Slice]; +"3727 6544" [id=3727, type=Slice]; +"3728 6545" [id=3728, type=Shape]; +"3729 6546" [id=3729, type=ConstantOfShape]; +"3730 6547" [id=3730, type=Concat]; +"3731 6606" [id=3731, type=Gather]; +"3732 6612" [id=3732, type=Gather]; +"3733 6608" [id=3733, type=Gather]; +"3734 6609" [id=3734, type=Squeeze]; +"3735 6610" [id=3735, type=Cast]; +"3736 6613" [id=3736, type=RoiAlign]; +"3737 6614" [id=3737, type=Cast]; +"3738 6702" [id=3738, type=Shape]; +"3739 6703" [id=3739, type=Gather]; +"3740 6707" [id=3740, type=Unsqueeze]; +"3741 6699" [id=3741, type=Shape]; +"3742 6700" [id=3742, type=Gather]; +"3743 6706" [id=3743, type=Unsqueeze]; +"3744 6696" [id=3744, type=Shape]; +"3745 6697" [id=3745, type=Gather]; +"3746 6705" [id=3746, type=Unsqueeze]; +"3747 6685" [id=3747, type=Equal]; +"3748 6687" [id=3748, type=Cast]; +"3749 6688" [id=3749, type=NonZero]; +"3750 6689" [id=3750, type=Transpose]; +"3751 6691" [id=3751, type=Reshape]; +"3752 6693" [id=3752, type=Shape]; +"3753 6694" [id=3753, type=Gather]; +"3754 6704" [id=3754, type=Unsqueeze]; +"3755 6708" [id=3755, type=Concat]; +"3756 6709" [id=3756, type=Expand]; +"3757 6710" [id=3757, type=Cast]; +"3758 6676" [id=3758, type=Shape]; +"3759 6677" [id=3759, type=Gather]; +"3760 6681" [id=3760, type=Unsqueeze]; +"3761 6673" [id=3761, type=Shape]; +"3762 6674" [id=3762, type=Gather]; +"3763 6680" [id=3763, type=Unsqueeze]; +"3764 6670" [id=3764, type=Shape]; +"3765 6671" [id=3765, type=Gather]; +"3766 6679" [id=3766, type=Unsqueeze]; +"3767 6667" [id=3767, type=Shape]; +"3768 6668" [id=3768, type=Gather]; +"3769 6678" [id=3769, type=Unsqueeze]; +"3770 6682" [id=3770, type=Concat]; +"3771 6683" [id=3771, type=ConstantOfShape]; +"3772 6711" [id=3772, type=ScatterElements]; +"3773 6616" [id=3773, type=Equal]; +"3774 6618" [id=3774, type=Cast]; +"3775 6619" [id=3775, type=NonZero]; +"3776 6620" [id=3776, type=Transpose]; +"3777 6621" [id=3777, type=Squeeze]; +"3778 6622" [id=3778, type=Cast]; +"3779 6623" [id=3779, type=Gather]; +"3780 6629" [id=3780, type=Gather]; +"3781 6625" [id=3781, type=Gather]; +"3782 6626" [id=3782, type=Squeeze]; +"3783 6627" [id=3783, type=Cast]; +"3784 6630" [id=3784, type=RoiAlign]; +"3785 6631" [id=3785, type=Cast]; +"3786 6730" [id=3786, type=Shape]; +"3787 6731" [id=3787, type=Gather]; +"3788 6735" [id=3788, type=Unsqueeze]; +"3789 6727" [id=3789, type=Shape]; +"3790 6728" [id=3790, type=Gather]; +"3791 6734" [id=3791, type=Unsqueeze]; +"3792 6724" [id=3792, type=Shape]; +"3793 6725" [id=3793, type=Gather]; +"3794 6733" [id=3794, type=Unsqueeze]; +"3795 6713" [id=3795, type=Equal]; +"3796 6715" [id=3796, type=Cast]; +"3797 6716" [id=3797, type=NonZero]; +"3798 6717" [id=3798, type=Transpose]; +"3799 6719" [id=3799, type=Reshape]; +"3800 6721" [id=3800, type=Shape]; +"3801 6722" [id=3801, type=Gather]; +"3802 6732" [id=3802, type=Unsqueeze]; +"3803 6736" [id=3803, type=Concat]; +"3804 6737" [id=3804, type=Expand]; +"3805 6738" [id=3805, type=Cast]; +"3806 6739" [id=3806, type=ScatterElements]; +"3807 6633" [id=3807, type=Equal]; +"3808 6635" [id=3808, type=Cast]; +"3809 6636" [id=3809, type=NonZero]; +"3810 6637" [id=3810, type=Transpose]; +"3811 6638" [id=3811, type=Squeeze]; +"3812 6639" [id=3812, type=Cast]; +"3813 6640" [id=3813, type=Gather]; +"3814 6646" [id=3814, type=Gather]; +"3815 6642" [id=3815, type=Gather]; +"3816 6643" [id=3816, type=Squeeze]; +"3817 6644" [id=3817, type=Cast]; +"3818 6647" [id=3818, type=RoiAlign]; +"3819 6648" [id=3819, type=Cast]; +"3820 6758" [id=3820, type=Shape]; +"3821 6759" [id=3821, type=Gather]; +"3822 6763" [id=3822, type=Unsqueeze]; +"3823 6755" [id=3823, type=Shape]; +"3824 6756" [id=3824, type=Gather]; +"3825 6762" [id=3825, type=Unsqueeze]; +"3826 6752" [id=3826, type=Shape]; +"3827 6753" [id=3827, type=Gather]; +"3828 6761" [id=3828, type=Unsqueeze]; +"3829 6741" [id=3829, type=Equal]; +"3830 6743" [id=3830, type=Cast]; +"3831 6744" [id=3831, type=NonZero]; +"3832 6745" [id=3832, type=Transpose]; +"3833 6747" [id=3833, type=Reshape]; +"3834 6749" [id=3834, type=Shape]; +"3835 6750" [id=3835, type=Gather]; +"3836 6760" [id=3836, type=Unsqueeze]; +"3837 6764" [id=3837, type=Concat]; +"3838 6765" [id=3838, type=Expand]; +"3839 6766" [id=3839, type=Cast]; +"3840 6767" [id=3840, type=ScatterElements]; +"3841 6650" [id=3841, type=Equal]; +"3842 6652" [id=3842, type=Cast]; +"3843 6653" [id=3843, type=NonZero]; +"3844 6654" [id=3844, type=Transpose]; +"3845 6655" [id=3845, type=Squeeze]; +"3846 6656" [id=3846, type=Cast]; +"3847 6657" [id=3847, type=Gather]; +"3848 6663" [id=3848, type=Gather]; +"3849 6659" [id=3849, type=Gather]; +"3850 6660" [id=3850, type=Squeeze]; +"3851 6661" [id=3851, type=Cast]; +"3852 6664" [id=3852, type=RoiAlign]; +"3853 6665" [id=3853, type=Cast]; +"3854 6786" [id=3854, type=Shape]; +"3855 6787" [id=3855, type=Gather]; +"3856 6791" [id=3856, type=Unsqueeze]; +"3857 6783" [id=3857, type=Shape]; +"3858 6784" [id=3858, type=Gather]; +"3859 6790" [id=3859, type=Unsqueeze]; +"3860 6780" [id=3860, type=Shape]; +"3861 6781" [id=3861, type=Gather]; +"3862 6789" [id=3862, type=Unsqueeze]; +"3863 6769" [id=3863, type=Equal]; +"3864 6771" [id=3864, type=Cast]; +"3865 6772" [id=3865, type=NonZero]; +"3866 6773" [id=3866, type=Transpose]; +"3867 6775" [id=3867, type=Reshape]; +"3868 6777" [id=3868, type=Shape]; +"3869 6778" [id=3869, type=Gather]; +"3870 6788" [id=3870, type=Unsqueeze]; +"3871 6792" [id=3871, type=Concat]; +"3872 6793" [id=3872, type=Expand]; +"3873 6794" [id=3873, type=Cast]; +"3874 6795" [id=3874, type=ScatterElements]; +"3875 QuantizeLinear_6833_1" [id=3875, type=QuantizeLinear]; +"3876 DequantizeLinear_6833_1" [id=3876, type=DequantizeLinear]; +"3877 QuantizeLinear_6834_1" [id=3877, type=QuantizeLinear]; +"3878 DequantizeLinear_6834_1" [id=3878, type=DequantizeLinear]; +"3879 6798" [id=3879, type=Conv]; +"3880 6799" [id=3880, type=Relu]; +"3881 QuantizeLinear_6837_1" [id=3881, type=QuantizeLinear]; +"3882 DequantizeLinear_6837_1" [id=3882, type=DequantizeLinear]; +"3883 QuantizeLinear_6838_1" [id=3883, type=QuantizeLinear]; +"3884 DequantizeLinear_6838_1" [id=3884, type=DequantizeLinear]; +"3885 6802" [id=3885, type=Conv]; +"3886 6803" [id=3886, type=Relu]; +"3887 QuantizeLinear_6841_1" [id=3887, type=QuantizeLinear]; +"3888 DequantizeLinear_6841_1" [id=3888, type=DequantizeLinear]; +"3889 QuantizeLinear_6842_1" [id=3889, type=QuantizeLinear]; +"3890 DequantizeLinear_6842_1" [id=3890, type=DequantizeLinear]; +"3891 6806" [id=3891, type=Conv]; +"3892 6807" [id=3892, type=Relu]; +"3893 QuantizeLinear_6845_1" [id=3893, type=QuantizeLinear]; +"3894 DequantizeLinear_6845_1" [id=3894, type=DequantizeLinear]; +"3895 QuantizeLinear_6846_1" [id=3895, type=QuantizeLinear]; +"3896 DequantizeLinear_6846_1" [id=3896, type=DequantizeLinear]; +"3897 6810" [id=3897, type=Conv]; +"3898 6811" [id=3898, type=Relu]; +"3899 QuantizeLinear_6849_1" [id=3899, type=QuantizeLinear]; +"3900 DequantizeLinear_6849_1" [id=3900, type=DequantizeLinear]; +"3901 QuantizeLinear_6850_1" [id=3901, type=QuantizeLinear]; +"3902 DequantizeLinear_6850_1" [id=3902, type=DequantizeLinear]; +"3903 6814" [id=3903, type=ConvTranspose]; +"3904 6815" [id=3904, type=Relu]; +"3905 QuantizeLinear_6853_1" [id=3905, type=QuantizeLinear]; +"3906 DequantizeLinear_6853_1" [id=3906, type=DequantizeLinear]; +"3907 QuantizeLinear_6854_1" [id=3907, type=QuantizeLinear]; +"3908 DequantizeLinear_6854_1" [id=3908, type=DequantizeLinear]; +"3909 6818" [id=3909, type=Conv]; +"3910 6819" [id=3910, type=Sigmoid]; +"3911 6844" [id=3911, type=Shape]; +"3912 6845" [id=3912, type=Gather]; +"3913 6822" [id=3913, type=Shape]; +"3914 6823" [id=3914, type=Gather]; +"3915 6824" [id=3915, type=Unsqueeze]; +"3916 6825" [id=3916, type=Concat]; +"3917 6826" [id=3917, type=ConstantOfShape]; +"3918 6827" [id=3918, type=Cast]; +"3919 6828" [id=3919, type=NonZero]; +"3920 6829" [id=3920, type=Transpose]; +"3921 6830" [id=3921, type=Squeeze]; +"3922 6846" [id=3922, type=Mul]; +"3923 6513" [id=3923, type=Slice]; +"3924 6515" [id=3924, type=Gather]; +"3925 6516" [id=3925, type=Shape]; +"3926 6517" [id=3926, type=ConstantOfShape]; +"3927 6469" [id=3927, type=Slice]; +"3928 6471" [id=3928, type=Gather]; +"3929 6472" [id=3929, type=Shape]; +"3930 6473" [id=3930, type=ConstantOfShape]; +"3931 6425" [id=3931, type=Slice]; +"3932 6427" [id=3932, type=Gather]; +"3933 6428" [id=3933, type=Shape]; +"3934 6429" [id=3934, type=ConstantOfShape]; +"3935 6381" [id=3935, type=Slice]; +"3936 6383" [id=3936, type=Gather]; +"3937 6384" [id=3937, type=Shape]; +"3938 6385" [id=3938, type=ConstantOfShape]; +"3939 6337" [id=3939, type=Slice]; +"3940 6339" [id=3940, type=Gather]; +"3941 6340" [id=3941, type=Shape]; +"3942 6341" [id=3942, type=ConstantOfShape]; +"3943 6293" [id=3943, type=Slice]; +"3944 6295" [id=3944, type=Gather]; +"3945 6296" [id=3945, type=Shape]; +"3946 6297" [id=3946, type=ConstantOfShape]; +"3947 6249" [id=3947, type=Slice]; +"3948 6251" [id=3948, type=Gather]; +"3949 6252" [id=3949, type=Shape]; +"3950 6253" [id=3950, type=ConstantOfShape]; +"3951 6205" [id=3951, type=Slice]; +"3952 6207" [id=3952, type=Gather]; +"3953 6208" [id=3953, type=Shape]; +"3954 6209" [id=3954, type=ConstantOfShape]; +"3955 6161" [id=3955, type=Slice]; +"3956 6163" [id=3956, type=Gather]; +"3957 6164" [id=3957, type=Shape]; +"3958 6165" [id=3958, type=ConstantOfShape]; +"3959 6117" [id=3959, type=Slice]; +"3960 6119" [id=3960, type=Gather]; +"3961 6120" [id=3961, type=Shape]; +"3962 6121" [id=3962, type=ConstantOfShape]; +"3963 6073" [id=3963, type=Slice]; +"3964 6075" [id=3964, type=Gather]; +"3965 6076" [id=3965, type=Shape]; +"3966 6077" [id=3966, type=ConstantOfShape]; +"3967 6029" [id=3967, type=Slice]; +"3968 6031" [id=3968, type=Gather]; +"3969 6032" [id=3969, type=Shape]; +"3970 6033" [id=3970, type=ConstantOfShape]; +"3971 5985" [id=3971, type=Slice]; +"3972 5987" [id=3972, type=Gather]; +"3973 5988" [id=3973, type=Shape]; +"3974 5989" [id=3974, type=ConstantOfShape]; +"3975 5941" [id=3975, type=Slice]; +"3976 5943" [id=3976, type=Gather]; +"3977 5944" [id=3977, type=Shape]; +"3978 5945" [id=3978, type=ConstantOfShape]; +"3979 5897" [id=3979, type=Slice]; +"3980 5899" [id=3980, type=Gather]; +"3981 5900" [id=3981, type=Shape]; +"3982 5901" [id=3982, type=ConstantOfShape]; +"3983 5853" [id=3983, type=Slice]; +"3984 5855" [id=3984, type=Gather]; +"3985 5856" [id=3985, type=Shape]; +"3986 5857" [id=3986, type=ConstantOfShape]; +"3987 5809" [id=3987, type=Slice]; +"3988 5811" [id=3988, type=Gather]; +"3989 5812" [id=3989, type=Shape]; +"3990 5813" [id=3990, type=ConstantOfShape]; +"3991 5765" [id=3991, type=Slice]; +"3992 5767" [id=3992, type=Gather]; +"3993 5768" [id=3993, type=Shape]; +"3994 5769" [id=3994, type=ConstantOfShape]; +"3995 5721" [id=3995, type=Slice]; +"3996 5723" [id=3996, type=Gather]; +"3997 5724" [id=3997, type=Shape]; +"3998 5725" [id=3998, type=ConstantOfShape]; +"3999 5677" [id=3999, type=Slice]; +"4000 5679" [id=4000, type=Gather]; +"4001 5680" [id=4001, type=Shape]; +"4002 5681" [id=4002, type=ConstantOfShape]; +"4003 5633" [id=4003, type=Slice]; +"4004 5635" [id=4004, type=Gather]; +"4005 5636" [id=4005, type=Shape]; +"4006 5637" [id=4006, type=ConstantOfShape]; +"4007 5589" [id=4007, type=Slice]; +"4008 5591" [id=4008, type=Gather]; +"4009 5592" [id=4009, type=Shape]; +"4010 5593" [id=4010, type=ConstantOfShape]; +"4011 5545" [id=4011, type=Slice]; +"4012 5547" [id=4012, type=Gather]; +"4013 5548" [id=4013, type=Shape]; +"4014 5549" [id=4014, type=ConstantOfShape]; +"4015 5501" [id=4015, type=Slice]; +"4016 5503" [id=4016, type=Gather]; +"4017 5504" [id=4017, type=Shape]; +"4018 5505" [id=4018, type=ConstantOfShape]; +"4019 5457" [id=4019, type=Slice]; +"4020 5459" [id=4020, type=Gather]; +"4021 5460" [id=4021, type=Shape]; +"4022 5461" [id=4022, type=ConstantOfShape]; +"4023 5413" [id=4023, type=Slice]; +"4024 5415" [id=4024, type=Gather]; +"4025 5416" [id=4025, type=Shape]; +"4026 5417" [id=4026, type=ConstantOfShape]; +"4027 5369" [id=4027, type=Slice]; +"4028 5371" [id=4028, type=Gather]; +"4029 5372" [id=4029, type=Shape]; +"4030 5373" [id=4030, type=ConstantOfShape]; +"4031 5325" [id=4031, type=Slice]; +"4032 5327" [id=4032, type=Gather]; +"4033 5328" [id=4033, type=Shape]; +"4034 5329" [id=4034, type=ConstantOfShape]; +"4035 5281" [id=4035, type=Slice]; +"4036 5283" [id=4036, type=Gather]; +"4037 5284" [id=4037, type=Shape]; +"4038 5285" [id=4038, type=ConstantOfShape]; +"4039 5237" [id=4039, type=Slice]; +"4040 5239" [id=4040, type=Gather]; +"4041 5240" [id=4041, type=Shape]; +"4042 5241" [id=4042, type=ConstantOfShape]; +"4043 5193" [id=4043, type=Slice]; +"4044 5195" [id=4044, type=Gather]; +"4045 5196" [id=4045, type=Shape]; +"4046 5197" [id=4046, type=ConstantOfShape]; +"4047 5149" [id=4047, type=Slice]; +"4048 5151" [id=4048, type=Gather]; +"4049 5152" [id=4049, type=Shape]; +"4050 5153" [id=4050, type=ConstantOfShape]; +"4051 5105" [id=4051, type=Slice]; +"4052 5107" [id=4052, type=Gather]; +"4053 5108" [id=4053, type=Shape]; +"4054 5109" [id=4054, type=ConstantOfShape]; +"4055 5061" [id=4055, type=Slice]; +"4056 5063" [id=4056, type=Gather]; +"4057 5064" [id=4057, type=Shape]; +"4058 5065" [id=4058, type=ConstantOfShape]; +"4059 5017" [id=4059, type=Slice]; +"4060 5019" [id=4060, type=Gather]; +"4061 5020" [id=4061, type=Shape]; +"4062 5021" [id=4062, type=ConstantOfShape]; +"4063 4973" [id=4063, type=Slice]; +"4064 4975" [id=4064, type=Gather]; +"4065 4976" [id=4065, type=Shape]; +"4066 4977" [id=4066, type=ConstantOfShape]; +"4067 4929" [id=4067, type=Slice]; +"4068 4931" [id=4068, type=Gather]; +"4069 4932" [id=4069, type=Shape]; +"4070 4933" [id=4070, type=ConstantOfShape]; +"4071 4885" [id=4071, type=Slice]; +"4072 4887" [id=4072, type=Gather]; +"4073 4888" [id=4073, type=Shape]; +"4074 4889" [id=4074, type=ConstantOfShape]; +"4075 4841" [id=4075, type=Slice]; +"4076 4843" [id=4076, type=Gather]; +"4077 4844" [id=4077, type=Shape]; +"4078 4845" [id=4078, type=ConstantOfShape]; +"4079 4797" [id=4079, type=Slice]; +"4080 4799" [id=4080, type=Gather]; +"4081 4800" [id=4081, type=Shape]; +"4082 4801" [id=4082, type=ConstantOfShape]; +"4083 4753" [id=4083, type=Slice]; +"4084 4755" [id=4084, type=Gather]; +"4085 4756" [id=4085, type=Shape]; +"4086 4757" [id=4086, type=ConstantOfShape]; +"4087 4709" [id=4087, type=Slice]; +"4088 4711" [id=4088, type=Gather]; +"4089 4712" [id=4089, type=Shape]; +"4090 4713" [id=4090, type=ConstantOfShape]; +"4091 4665" [id=4091, type=Slice]; +"4092 4667" [id=4092, type=Gather]; +"4093 4668" [id=4093, type=Shape]; +"4094 4669" [id=4094, type=ConstantOfShape]; +"4095 4621" [id=4095, type=Slice]; +"4096 4623" [id=4096, type=Gather]; +"4097 4624" [id=4097, type=Shape]; +"4098 4625" [id=4098, type=ConstantOfShape]; +"4099 4577" [id=4099, type=Slice]; +"4100 4579" [id=4100, type=Gather]; +"4101 4580" [id=4101, type=Shape]; +"4102 4581" [id=4102, type=ConstantOfShape]; +"4103 4533" [id=4103, type=Slice]; +"4104 4535" [id=4104, type=Gather]; +"4105 4536" [id=4105, type=Shape]; +"4106 4537" [id=4106, type=ConstantOfShape]; +"4107 4489" [id=4107, type=Slice]; +"4108 4491" [id=4108, type=Gather]; +"4109 4492" [id=4109, type=Shape]; +"4110 4493" [id=4110, type=ConstantOfShape]; +"4111 4445" [id=4111, type=Slice]; +"4112 4447" [id=4112, type=Gather]; +"4113 4448" [id=4113, type=Shape]; +"4114 4449" [id=4114, type=ConstantOfShape]; +"4115 4401" [id=4115, type=Slice]; +"4116 4403" [id=4116, type=Gather]; +"4117 4404" [id=4117, type=Shape]; +"4118 4405" [id=4118, type=ConstantOfShape]; +"4119 4357" [id=4119, type=Slice]; +"4120 4359" [id=4120, type=Gather]; +"4121 4360" [id=4121, type=Shape]; +"4122 4361" [id=4122, type=ConstantOfShape]; +"4123 4313" [id=4123, type=Slice]; +"4124 4315" [id=4124, type=Gather]; +"4125 4316" [id=4125, type=Shape]; +"4126 4317" [id=4126, type=ConstantOfShape]; +"4127 4269" [id=4127, type=Slice]; +"4128 4271" [id=4128, type=Gather]; +"4129 4272" [id=4129, type=Shape]; +"4130 4273" [id=4130, type=ConstantOfShape]; +"4131 4225" [id=4131, type=Slice]; +"4132 4227" [id=4132, type=Gather]; +"4133 4228" [id=4133, type=Shape]; +"4134 4229" [id=4134, type=ConstantOfShape]; +"4135 4181" [id=4135, type=Slice]; +"4136 4183" [id=4136, type=Gather]; +"4137 4184" [id=4137, type=Shape]; +"4138 4185" [id=4138, type=ConstantOfShape]; +"4139 4137" [id=4139, type=Slice]; +"4140 4139" [id=4140, type=Gather]; +"4141 4140" [id=4141, type=Shape]; +"4142 4141" [id=4142, type=ConstantOfShape]; +"4143 4093" [id=4143, type=Slice]; +"4144 4095" [id=4144, type=Gather]; +"4145 4096" [id=4145, type=Shape]; +"4146 4097" [id=4146, type=ConstantOfShape]; +"4147 4049" [id=4147, type=Slice]; +"4148 4051" [id=4148, type=Gather]; +"4149 4052" [id=4149, type=Shape]; +"4150 4053" [id=4150, type=ConstantOfShape]; +"4151 4005" [id=4151, type=Slice]; +"4152 4007" [id=4152, type=Gather]; +"4153 4008" [id=4153, type=Shape]; +"4154 4009" [id=4154, type=ConstantOfShape]; +"4155 3961" [id=4155, type=Slice]; +"4156 3963" [id=4156, type=Gather]; +"4157 3964" [id=4157, type=Shape]; +"4158 3965" [id=4158, type=ConstantOfShape]; +"4159 3917" [id=4159, type=Slice]; +"4160 3919" [id=4160, type=Gather]; +"4161 3920" [id=4161, type=Shape]; +"4162 3921" [id=4162, type=ConstantOfShape]; +"4163 3873" [id=4163, type=Slice]; +"4164 3875" [id=4164, type=Gather]; +"4165 3876" [id=4165, type=Shape]; +"4166 3877" [id=4166, type=ConstantOfShape]; +"4167 3829" [id=4167, type=Slice]; +"4168 3831" [id=4168, type=Gather]; +"4169 3832" [id=4169, type=Shape]; +"4170 3833" [id=4170, type=ConstantOfShape]; +"4171 3785" [id=4171, type=Slice]; +"4172 3787" [id=4172, type=Gather]; +"4173 3788" [id=4173, type=Shape]; +"4174 3789" [id=4174, type=ConstantOfShape]; +"4175 3741" [id=4175, type=Slice]; +"4176 3743" [id=4176, type=Gather]; +"4177 3744" [id=4177, type=Shape]; +"4178 3745" [id=4178, type=ConstantOfShape]; +"4179 3697" [id=4179, type=Slice]; +"4180 3699" [id=4180, type=Gather]; +"4181 3700" [id=4181, type=Shape]; +"4182 3701" [id=4182, type=ConstantOfShape]; +"4183 3653" [id=4183, type=Slice]; +"4184 3655" [id=4184, type=Gather]; +"4185 3656" [id=4185, type=Shape]; +"4186 3657" [id=4186, type=ConstantOfShape]; +"4187 3609" [id=4187, type=Slice]; +"4188 3611" [id=4188, type=Gather]; +"4189 3612" [id=4189, type=Shape]; +"4190 3613" [id=4190, type=ConstantOfShape]; +"4191 3565" [id=4191, type=Slice]; +"4192 3567" [id=4192, type=Gather]; +"4193 3568" [id=4193, type=Shape]; +"4194 3569" [id=4194, type=ConstantOfShape]; +"4195 3521" [id=4195, type=Slice]; +"4196 3523" [id=4196, type=Gather]; +"4197 3524" [id=4197, type=Shape]; +"4198 3525" [id=4198, type=ConstantOfShape]; +"4199 3477" [id=4199, type=Slice]; +"4200 3479" [id=4200, type=Gather]; +"4201 3480" [id=4201, type=Shape]; +"4202 3481" [id=4202, type=ConstantOfShape]; +"4203 3433" [id=4203, type=Slice]; +"4204 3435" [id=4204, type=Gather]; +"4205 3436" [id=4205, type=Shape]; +"4206 3437" [id=4206, type=ConstantOfShape]; +"4207 3389" [id=4207, type=Slice]; +"4208 3391" [id=4208, type=Gather]; +"4209 3392" [id=4209, type=Shape]; +"4210 3393" [id=4210, type=ConstantOfShape]; +"4211 3345" [id=4211, type=Slice]; +"4212 3347" [id=4212, type=Gather]; +"4213 3348" [id=4213, type=Shape]; +"4214 3349" [id=4214, type=ConstantOfShape]; +"4215 3301" [id=4215, type=Slice]; +"4216 3303" [id=4216, type=Gather]; +"4217 3304" [id=4217, type=Shape]; +"4218 3305" [id=4218, type=ConstantOfShape]; +"4219 3257" [id=4219, type=Slice]; +"4220 3259" [id=4220, type=Gather]; +"4221 3260" [id=4221, type=Shape]; +"4222 3261" [id=4222, type=ConstantOfShape]; +"4223 3213" [id=4223, type=Slice]; +"4224 3215" [id=4224, type=Gather]; +"4225 3216" [id=4225, type=Shape]; +"4226 3217" [id=4226, type=ConstantOfShape]; +"4227 3169" [id=4227, type=Slice]; +"4228 3171" [id=4228, type=Gather]; +"4229 3172" [id=4229, type=Shape]; +"4230 3173" [id=4230, type=ConstantOfShape]; +"4231 3125" [id=4231, type=Slice]; +"4232 3127" [id=4232, type=Gather]; +"4233 3128" [id=4233, type=Shape]; +"4234 3129" [id=4234, type=ConstantOfShape]; +"4235 3081" [id=4235, type=Slice]; +"4236 3083" [id=4236, type=Gather]; +"4237 3084" [id=4237, type=Shape]; +"4238 3085" [id=4238, type=ConstantOfShape]; +"4239 3037" [id=4239, type=Slice]; +"4240 3039" [id=4240, type=Gather]; +"4241 3040" [id=4241, type=Shape]; +"4242 3041" [id=4242, type=ConstantOfShape]; +"4243 6519" [id=4243, type=Concat]; +"4244 6532" [id=4244, type=Gather]; +"4245 6820" [id=4245, type=Concat]; +"4246 6847" [id=4246, type=Add]; +"4247 6835" [id=4247, type=Shape]; +"4248 6836" [id=4248, type=Gather]; +"4249 6840" [id=4249, type=Unsqueeze]; +"4250 6832" [id=4250, type=Shape]; +"4251 6833" [id=4251, type=Gather]; +"4252 6839" [id=4252, type=Unsqueeze]; +"4253 6838" [id=4253, type=Unsqueeze]; +"4254 6841" [id=4254, type=Concat]; +"4255 6842" [id=4255, type=Reshape]; +"4256 6848" [id=4256, type=Gather]; +"4257 6849" [id=4257, type=Unsqueeze]; +"4258 6533" [id=4258, type=Cast]; +"4259 6534" [id=4259, type=Gather]; +"4260 nncf_model_input_0" [id=4260, type=nncf_model_input]; +"4261 nncf_model_output_0" [id=4261, type=nncf_model_output]; +"4262 nncf_model_output_1" [id=4262, type=nncf_model_output]; +"4263 nncf_model_output_2" [id=4263, type=nncf_model_output]; +"4264 nncf_model_output_3" [id=4264, type=nncf_model_output]; "0 2396" -> "499 2397" [label="[1]", style=dashed]; "1 2395" -> "499 2397" [label="[1]", style=dashed]; "2 QuantizeLinear_image_1" -> "3 DequantizeLinear_image_1" [label="[3, -1, -1]", style=dashed]; @@ -4792,8 +4772,8 @@ strict digraph { "481 390" -> "484 QuantizeLinear_391_2" [label="[1, 256, -1, -1]", style=solid]; "481 390" -> "784 536" [label="[1, 256, -1, -1]", style=solid]; "481 390" -> "787 533" [label="[1, 256, -1, -1]", style=solid]; -"481 390" -> "1929 2620" [label="[1, 256, -1, -1]", style=solid]; -"481 390" -> "3872 6664" [label="[1, 256, -1, -1]", style=solid]; +"481 390" -> "1919 2620" [label="[1, 256, -1, -1]", style=solid]; +"481 390" -> "3852 6664" [label="[1, 256, -1, -1]", style=solid]; "482 QuantizeLinear_391_1" -> "483 DequantizeLinear_391_1" [label="[1, 256, -1, -1]", style=dashed]; "483 DequantizeLinear_391_1" -> "486 487" [label="[1, 256, -1, -1]", style=solid]; "484 QuantizeLinear_391_2" -> "485 DequantizeLinear_391_2" [label="[1, 256, -1, -1]", style=dashed]; @@ -5410,8 +5390,8 @@ strict digraph { "979 422" -> "980 QuantizeLinear_423_1" [label="[-1, 256, -1, -1]", style=solid]; "979 422" -> "1044 530" [label="[-1, 256, -1, -1]", style=solid]; "979 422" -> "1047 527" [label="[-1, 256, -1, -1]", style=solid]; -"979 422" -> "1895 2603" [label="[-1, 256, -1, -1]", style=solid]; -"979 422" -> "3838 6647" [label="[-1, 256, -1, -1]", style=solid]; +"979 422" -> "1885 2603" [label="[-1, 256, -1, -1]", style=solid]; +"979 422" -> "3818 6647" [label="[-1, 256, -1, -1]", style=solid]; "980 QuantizeLinear_423_1" -> "981 DequantizeLinear_423_1" [label="[-1, 256, -1, -1]", style=dashed]; "981 DequantizeLinear_423_1" -> "982 502" [label="[-1, 256, -1, -1]", style=solid]; "982 502" -> "983 503" [label="[-1, 256, -1, -1]", style=solid]; @@ -5727,8 +5707,8 @@ strict digraph { "1239 454" -> "1240 QuantizeLinear_455_1" [label="[-1, 256, -1, -1]", style=solid]; "1239 454" -> "1304 524" [label="[-1, 256, -1, -1]", style=solid]; "1239 454" -> "1307 521" [label="[-1, 256, -1, -1]", style=solid]; -"1239 454" -> "1861 2586" [label="[-1, 256, -1, -1]", style=solid]; -"1239 454" -> "3804 6630" [label="[-1, 256, -1, -1]", style=solid]; +"1239 454" -> "1851 2586" [label="[-1, 256, -1, -1]", style=solid]; +"1239 454" -> "3784 6630" [label="[-1, 256, -1, -1]", style=solid]; "1240 QuantizeLinear_455_1" -> "1241 DequantizeLinear_455_1" [label="[-1, 256, -1, -1]", style=dashed]; "1241 DequantizeLinear_455_1" -> "1242 498" [label="[-1, 256, -1, -1]", style=solid]; "1242 498" -> "1243 499" [label="[-1, 256, -1, -1]", style=solid]; @@ -6040,8 +6020,8 @@ strict digraph { "1499 486" -> "1500 QuantizeLinear_487_1" [label="[-1, 256, -1, -1]", style=solid]; "1499 486" -> "1564 518" [label="[-1, 256, -1, -1]", style=solid]; "1499 486" -> "1567 515" [label="[-1, 256, -1, -1]", style=solid]; -"1499 486" -> "1813 2569" [label="[-1, 256, -1, -1]", style=solid]; -"1499 486" -> "3756 6613" [label="[-1, 256, -1, -1]", style=solid]; +"1499 486" -> "1803 2569" [label="[-1, 256, -1, -1]", style=solid]; +"1499 486" -> "3736 6613" [label="[-1, 256, -1, -1]", style=solid]; "1500 QuantizeLinear_487_1" -> "1501 DequantizeLinear_487_1" [label="[-1, 256, -1, -1]", style=dashed]; "1501 DequantizeLinear_487_1" -> "1502 490" [label="[-1, 256, -1, -1]", style=solid]; "1502 490" -> "1503 491" [label="[-1, 256, -1, -1]", style=solid]; @@ -6345,3281 +6325,3261 @@ strict digraph { "1749 2490" -> "1752 QuantizeLinear_2527_2" [label="[]", style=solid]; "1749 2490" -> "1754 QuantizeLinear_2527_3" [label="[]", style=solid]; "1749 2490" -> "1756 QuantizeLinear_2527_4" [label="[]", style=solid]; -"1749 2490" -> "1803 2495" [label="[]", style=solid]; -"1749 2490" -> "1807 2503" [label="[]", style=solid]; -"1749 2490" -> "2009 2775" [label="[]", style=solid]; +"1749 2490" -> "1793 2495" [label="[]", style=solid]; +"1749 2490" -> "1797 2503" [label="[]", style=solid]; +"1749 2490" -> "1999 2775" [label="[]", style=solid]; "1750 QuantizeLinear_2527_1" -> "1751 DequantizeLinear_2527_1" [label="[]", style=dashed]; "1751 DequantizeLinear_2527_1" -> "1758 2532" [label="[]", style=solid]; "1752 QuantizeLinear_2527_2" -> "1753 DequantizeLinear_2527_2" [label="[]", style=dashed]; "1753 DequantizeLinear_2527_2" -> "1760 2525" [label="[]", style=solid]; "1754 QuantizeLinear_2527_3" -> "1755 DequantizeLinear_2527_3" [label="[]", style=dashed]; -"1755 DequantizeLinear_2527_3" -> "1766 2515" [label="[]", style=solid]; +"1755 DequantizeLinear_2527_3" -> "1764 2515" [label="[]", style=solid]; "1756 QuantizeLinear_2527_4" -> "1757 DequantizeLinear_2527_4" [label="[]", style=dashed]; -"1757 DequantizeLinear_2527_4" -> "1768 2508" [label="[]", style=solid]; +"1757 DequantizeLinear_2527_4" -> "1766 2508" [label="[]", style=solid]; "1758 2532" -> "1759 2534" [label="[]", style=solid]; "1759 2534" -> "1762 2535" [label="[]", style=solid]; "1760 2525" -> "1761 2527" [label="[]", style=solid]; "1761 2527" -> "1762 2535" [label="[]", style=solid]; -"1762 2535" -> "1763 QuantizeLinear_2572_1" [label="[]", style=solid]; -"1763 QuantizeLinear_2572_1" -> "1764 DequantizeLinear_2572_1" [label="[]", style=dashed]; -"1764 DequantizeLinear_2572_1" -> "1765 2537" [label="[]", style=solid]; -"1765 2537" -> "1774 QuantizeLinear_2574_1" [label="[]", style=solid]; -"1766 2515" -> "1767 2517" [label="[]", style=solid]; -"1767 2517" -> "1770 2518" [label="[]", style=solid]; -"1768 2508" -> "1769 2510" [label="[]", style=solid]; -"1769 2510" -> "1770 2518" [label="[]", style=solid]; -"1770 2518" -> "1771 QuantizeLinear_2555_1" [label="[]", style=solid]; -"1771 QuantizeLinear_2555_1" -> "1772 DequantizeLinear_2555_1" [label="[]", style=dashed]; -"1772 DequantizeLinear_2555_1" -> "1773 2520" [label="[]", style=solid]; -"1773 2520" -> "1776 QuantizeLinear_2557_1" [label="[]", style=solid]; -"1774 QuantizeLinear_2574_1" -> "1775 DequantizeLinear_2574_1" [label="[]", style=dashed]; -"1775 DequantizeLinear_2574_1" -> "1778 2538" [label="[]", style=solid]; -"1776 QuantizeLinear_2557_1" -> "1777 DequantizeLinear_2557_1" [label="[]", style=dashed]; -"1777 DequantizeLinear_2557_1" -> "1778 2538" [label="[]", style=solid]; -"1778 2538" -> "1779 QuantizeLinear_2575_1" [label="[]", style=solid]; -"1779 QuantizeLinear_2575_1" -> "1780 DequantizeLinear_2575_1" [label="[]", style=dashed]; -"1780 DequantizeLinear_2575_1" -> "1781 2539" [label="[]", style=solid]; -"1781 2539" -> "1782 2542" [label="[]", style=solid]; -"1782 2542" -> "1783 QuantizeLinear_2579_1" [label="[]", style=solid]; -"1783 QuantizeLinear_2579_1" -> "1784 DequantizeLinear_2579_1" [label="[]", style=dashed]; -"1784 DequantizeLinear_2579_1" -> "1785 2543" [label="[]", style=solid]; -"1785 2543" -> "1786 2544" [label="[]", style=solid]; -"1786 2544" -> "1787 2546" [label="[]", style=solid]; -"1787 2546" -> "1788 QuantizeLinear_2583_1" [label="[]", style=solid]; -"1788 QuantizeLinear_2583_1" -> "1789 DequantizeLinear_2583_1" [label="[]", style=dashed]; -"1789 DequantizeLinear_2583_1" -> "1790 2548" [label="[]", style=solid]; -"1790 2548" -> "1791 QuantizeLinear_2585_1" [label="[]", style=solid]; -"1791 QuantizeLinear_2585_1" -> "1792 DequantizeLinear_2585_1" [label="[]", style=dashed]; -"1792 DequantizeLinear_2585_1" -> "1793 2549" [label="[]", style=solid]; -"1793 2549" -> "1794 2550" [label="[]", style=solid]; -"1794 2550" -> "1795 2551" [label="[]", style=solid]; -"1795 2551" -> "1796 2553" [label="[]", style=dashed]; -"1796 2553" -> "1797 2555" [label="[]", style=dashed]; -"1796 2553" -> "1824 2641" [label="[]", style=dashed]; -"1796 2553" -> "1844 2623" [label="[]", style=dashed]; -"1796 2553" -> "1850 2572" [label="[]", style=dashed]; -"1796 2553" -> "1872 2669" [label="[]", style=dashed]; -"1796 2553" -> "1884 2589" [label="[]", style=dashed]; -"1796 2553" -> "1906 2697" [label="[]", style=dashed]; -"1796 2553" -> "1918 2606" [label="[]", style=dashed]; -"1796 2553" -> "1940 2725" [label="[]", style=dashed]; -"1797 2555" -> "1798 2557" [label="[]", style=dashed]; -"1798 2557" -> "1799 2558" [label="[]", style=solid]; -"1799 2558" -> "1800 2559" [label="[-1, -1]", style=dashed]; -"1800 2559" -> "1801 2560" [label="[-1, -1]", style=dashed]; -"1801 2560" -> "1802 2561" [label="[-1]", style=dashed]; -"1802 2561" -> "1808 2562" [label="[-1]", style=dashed]; -"1803 2495" -> "1804 2500" [label="[]", style=solid]; -"1804 2500" -> "1805 2501" [label="[]", style=solid]; -"1805 2501" -> "1806 2502" [label="[-1]", style=dashed]; -"1806 2502" -> "1807 2503" [label="[]", style=solid]; -"1807 2503" -> "1808 2562" [label="[]", style=solid]; -"1807 2503" -> "1856 2579" [label="[]", style=solid]; -"1807 2503" -> "1890 2596" [label="[]", style=solid]; -"1807 2503" -> "1924 2613" [label="[]", style=solid]; -"1808 2562" -> "1809 2568" [label="[]", style=solid]; -"1808 2562" -> "1810 2564" [label="[]", style=solid]; -"1809 2568" -> "1813 2569" [label="[]", style=solid]; -"1810 2564" -> "1811 2565" [label="[]", style=solid]; -"1811 2565" -> "1812 2566" [label="[]", style=solid]; -"1812 2566" -> "1813 2569" [label="[]", style=dashed]; -"1813 2569" -> "1814 2570" [label="[-1, 256, 7, 7]", style=solid]; -"1814 2570" -> "1815 2658" [label="[-1, 256, 7, 7]", style=solid]; -"1814 2570" -> "1818 2655" [label="[-1, 256, 7, 7]", style=solid]; -"1814 2570" -> "1821 2652" [label="[-1, 256, 7, 7]", style=solid]; -"1814 2570" -> "1835 2632" [label="[-1, 256, 7, 7]", style=solid]; -"1814 2570" -> "1838 2629" [label="[-1, 256, 7, 7]", style=solid]; -"1814 2570" -> "1841 2626" [label="[-1, 256, 7, 7]", style=solid]; -"1814 2570" -> "1849 2667" [label="[-1, 256, 7, 7]", style=solid]; -"1815 2658" -> "1816 2659" [label="[4]", style=dashed]; -"1816 2659" -> "1817 2663" [label="[]", style=dashed]; -"1817 2663" -> "1832 2664" [label="[1]", style=dashed]; -"1818 2655" -> "1819 2656" [label="[4]", style=dashed]; -"1819 2656" -> "1820 2662" [label="[]", style=dashed]; -"1820 2662" -> "1832 2664" [label="[1]", style=dashed]; -"1821 2652" -> "1822 2653" [label="[4]", style=dashed]; -"1822 2653" -> "1823 2661" [label="[]", style=dashed]; -"1823 2661" -> "1832 2664" [label="[1]", style=dashed]; -"1824 2641" -> "1825 2643" [label="[]", style=dashed]; -"1825 2643" -> "1826 2644" [label="[]", style=solid]; -"1826 2644" -> "1827 2645" [label="[-1, -1]", style=dashed]; -"1827 2645" -> "1828 2647" [label="[-1, -1]", style=dashed]; -"1828 2647" -> "1829 2649" [label="[-1, 1, 1, 1]", style=dashed]; -"1828 2647" -> "1833 2665" [label="[-1, 1, 1, 1]", style=dashed]; -"1829 2649" -> "1830 2650" [label="[4]", style=dashed]; -"1830 2650" -> "1831 2660" [label="[]", style=dashed]; -"1831 2660" -> "1832 2664" [label="[1]", style=dashed]; -"1832 2664" -> "1833 2665" [label="[4]", style=dashed]; -"1833 2665" -> "1834 2666" [label="[-1, -1, -1, -1]", style=dashed]; -"1834 2666" -> "1849 2667" [label="[-1, -1, -1, -1]", style=dashed]; -"1835 2632" -> "1836 2633" [label="[4]", style=dashed]; -"1836 2633" -> "1837 2637" [label="[]", style=dashed]; -"1837 2637" -> "1847 2638" [label="[1]", style=dashed]; -"1838 2629" -> "1839 2630" [label="[4]", style=dashed]; -"1839 2630" -> "1840 2636" [label="[]", style=dashed]; -"1840 2636" -> "1847 2638" [label="[1]", style=dashed]; -"1841 2626" -> "1842 2627" [label="[4]", style=dashed]; -"1842 2627" -> "1843 2635" [label="[]", style=dashed]; -"1843 2635" -> "1847 2638" [label="[1]", style=dashed]; -"1844 2623" -> "1845 2624" [label="[-1]", style=dashed]; -"1845 2624" -> "1846 2634" [label="[]", style=dashed]; -"1846 2634" -> "1847 2638" [label="[1]", style=dashed]; -"1847 2638" -> "1848 2639" [label="[4]", style=dashed]; -"1848 2639" -> "1849 2667" [label="[-1, -1, -1, -1]", style=solid]; -"1849 2667" -> "1883 2695" [label="[-1, -1, -1, -1]", style=solid]; -"1850 2572" -> "1851 2574" [label="[]", style=dashed]; -"1851 2574" -> "1852 2575" [label="[]", style=solid]; -"1852 2575" -> "1853 2576" [label="[-1, -1]", style=dashed]; -"1853 2576" -> "1854 2577" [label="[-1, -1]", style=dashed]; -"1854 2577" -> "1855 2578" [label="[-1]", style=dashed]; -"1855 2578" -> "1856 2579" [label="[-1]", style=dashed]; -"1856 2579" -> "1857 2585" [label="[]", style=solid]; -"1856 2579" -> "1858 2581" [label="[]", style=solid]; -"1857 2585" -> "1861 2586" [label="[]", style=solid]; -"1858 2581" -> "1859 2582" [label="[]", style=solid]; -"1859 2582" -> "1860 2583" [label="[]", style=solid]; -"1860 2583" -> "1861 2586" [label="[]", style=dashed]; -"1861 2586" -> "1862 2587" [label="[-1, 256, 7, 7]", style=solid]; -"1862 2587" -> "1863 2686" [label="[-1, 256, 7, 7]", style=solid]; -"1862 2587" -> "1866 2683" [label="[-1, 256, 7, 7]", style=solid]; -"1862 2587" -> "1869 2680" [label="[-1, 256, 7, 7]", style=solid]; -"1862 2587" -> "1883 2695" [label="[-1, 256, 7, 7]", style=solid]; -"1863 2686" -> "1864 2687" [label="[4]", style=dashed]; -"1864 2687" -> "1865 2691" [label="[]", style=dashed]; -"1865 2691" -> "1880 2692" [label="[1]", style=dashed]; -"1866 2683" -> "1867 2684" [label="[4]", style=dashed]; -"1867 2684" -> "1868 2690" [label="[]", style=dashed]; -"1868 2690" -> "1880 2692" [label="[1]", style=dashed]; -"1869 2680" -> "1870 2681" [label="[4]", style=dashed]; -"1870 2681" -> "1871 2689" [label="[]", style=dashed]; -"1871 2689" -> "1880 2692" [label="[1]", style=dashed]; -"1872 2669" -> "1873 2671" [label="[]", style=dashed]; -"1873 2671" -> "1874 2672" [label="[]", style=solid]; -"1874 2672" -> "1875 2673" [label="[-1, -1]", style=dashed]; -"1875 2673" -> "1876 2675" [label="[-1, -1]", style=dashed]; -"1876 2675" -> "1877 2677" [label="[-1, 1, 1, 1]", style=dashed]; -"1876 2675" -> "1881 2693" [label="[-1, 1, 1, 1]", style=dashed]; -"1877 2677" -> "1878 2678" [label="[4]", style=dashed]; -"1878 2678" -> "1879 2688" [label="[]", style=dashed]; -"1879 2688" -> "1880 2692" [label="[1]", style=dashed]; -"1880 2692" -> "1881 2693" [label="[4]", style=dashed]; -"1881 2693" -> "1882 2694" [label="[-1, -1, -1, -1]", style=dashed]; -"1882 2694" -> "1883 2695" [label="[-1, -1, -1, -1]", style=dashed]; -"1883 2695" -> "1917 2723" [label="[-1, -1, -1, -1]", style=solid]; -"1884 2589" -> "1885 2591" [label="[]", style=dashed]; -"1885 2591" -> "1886 2592" [label="[]", style=solid]; -"1886 2592" -> "1887 2593" [label="[-1, -1]", style=dashed]; -"1887 2593" -> "1888 2594" [label="[-1, -1]", style=dashed]; -"1888 2594" -> "1889 2595" [label="[-1]", style=dashed]; -"1889 2595" -> "1890 2596" [label="[-1]", style=dashed]; -"1890 2596" -> "1891 2602" [label="[]", style=solid]; -"1890 2596" -> "1892 2598" [label="[]", style=solid]; -"1891 2602" -> "1895 2603" [label="[]", style=solid]; -"1892 2598" -> "1893 2599" [label="[]", style=solid]; -"1893 2599" -> "1894 2600" [label="[]", style=solid]; -"1894 2600" -> "1895 2603" [label="[]", style=dashed]; -"1895 2603" -> "1896 2604" [label="[-1, 256, 7, 7]", style=solid]; -"1896 2604" -> "1897 2714" [label="[-1, 256, 7, 7]", style=solid]; -"1896 2604" -> "1900 2711" [label="[-1, 256, 7, 7]", style=solid]; -"1896 2604" -> "1903 2708" [label="[-1, 256, 7, 7]", style=solid]; -"1896 2604" -> "1917 2723" [label="[-1, 256, 7, 7]", style=solid]; -"1897 2714" -> "1898 2715" [label="[4]", style=dashed]; -"1898 2715" -> "1899 2719" [label="[]", style=dashed]; -"1899 2719" -> "1914 2720" [label="[1]", style=dashed]; -"1900 2711" -> "1901 2712" [label="[4]", style=dashed]; -"1901 2712" -> "1902 2718" [label="[]", style=dashed]; -"1902 2718" -> "1914 2720" [label="[1]", style=dashed]; -"1903 2708" -> "1904 2709" [label="[4]", style=dashed]; -"1904 2709" -> "1905 2717" [label="[]", style=dashed]; -"1905 2717" -> "1914 2720" [label="[1]", style=dashed]; -"1906 2697" -> "1907 2699" [label="[]", style=dashed]; -"1907 2699" -> "1908 2700" [label="[]", style=solid]; -"1908 2700" -> "1909 2701" [label="[-1, -1]", style=dashed]; -"1909 2701" -> "1910 2703" [label="[-1, -1]", style=dashed]; -"1910 2703" -> "1911 2705" [label="[-1, 1, 1, 1]", style=dashed]; -"1910 2703" -> "1915 2721" [label="[-1, 1, 1, 1]", style=dashed]; -"1911 2705" -> "1912 2706" [label="[4]", style=dashed]; -"1912 2706" -> "1913 2716" [label="[]", style=dashed]; -"1913 2716" -> "1914 2720" [label="[1]", style=dashed]; -"1914 2720" -> "1915 2721" [label="[4]", style=dashed]; -"1915 2721" -> "1916 2722" [label="[-1, -1, -1, -1]", style=dashed]; -"1916 2722" -> "1917 2723" [label="[-1, -1, -1, -1]", style=dashed]; -"1917 2723" -> "1951 2751" [label="[-1, -1, -1, -1]", style=solid]; -"1918 2606" -> "1919 2608" [label="[]", style=dashed]; -"1919 2608" -> "1920 2609" [label="[]", style=solid]; -"1920 2609" -> "1921 2610" [label="[-1, -1]", style=dashed]; -"1921 2610" -> "1922 2611" [label="[-1, -1]", style=dashed]; -"1922 2611" -> "1923 2612" [label="[-1]", style=dashed]; -"1923 2612" -> "1924 2613" [label="[-1]", style=dashed]; -"1924 2613" -> "1925 2619" [label="[]", style=solid]; -"1924 2613" -> "1926 2615" [label="[]", style=solid]; -"1925 2619" -> "1929 2620" [label="[]", style=solid]; -"1926 2615" -> "1927 2616" [label="[]", style=solid]; -"1927 2616" -> "1928 2617" [label="[]", style=solid]; -"1928 2617" -> "1929 2620" [label="[]", style=dashed]; -"1929 2620" -> "1930 2621" [label="[-1, 256, 7, 7]", style=solid]; -"1930 2621" -> "1931 2742" [label="[-1, 256, 7, 7]", style=solid]; -"1930 2621" -> "1934 2739" [label="[-1, 256, 7, 7]", style=solid]; -"1930 2621" -> "1937 2736" [label="[-1, 256, 7, 7]", style=solid]; -"1930 2621" -> "1951 2751" [label="[-1, 256, 7, 7]", style=solid]; -"1931 2742" -> "1932 2743" [label="[4]", style=dashed]; -"1932 2743" -> "1933 2747" [label="[]", style=dashed]; -"1933 2747" -> "1948 2748" [label="[1]", style=dashed]; -"1934 2739" -> "1935 2740" [label="[4]", style=dashed]; -"1935 2740" -> "1936 2746" [label="[]", style=dashed]; -"1936 2746" -> "1948 2748" [label="[1]", style=dashed]; -"1937 2736" -> "1938 2737" [label="[4]", style=dashed]; -"1938 2737" -> "1939 2745" [label="[]", style=dashed]; -"1939 2745" -> "1948 2748" [label="[1]", style=dashed]; -"1940 2725" -> "1941 2727" [label="[]", style=dashed]; -"1941 2727" -> "1942 2728" [label="[]", style=solid]; -"1942 2728" -> "1943 2729" [label="[-1, -1]", style=dashed]; -"1943 2729" -> "1944 2731" [label="[-1, -1]", style=dashed]; -"1944 2731" -> "1945 2733" [label="[-1, 1, 1, 1]", style=dashed]; -"1944 2731" -> "1949 2749" [label="[-1, 1, 1, 1]", style=dashed]; -"1945 2733" -> "1946 2734" [label="[4]", style=dashed]; -"1946 2734" -> "1947 2744" [label="[]", style=dashed]; -"1947 2744" -> "1948 2748" [label="[1]", style=dashed]; -"1948 2748" -> "1949 2749" [label="[4]", style=dashed]; -"1949 2749" -> "1950 2750" [label="[-1, -1, -1, -1]", style=dashed]; -"1950 2750" -> "1951 2751" [label="[-1, -1, -1, -1]", style=dashed]; -"1951 2751" -> "1953 QuantizeLinear_2788_1" [label="[-1, -1, -1, -1]", style=solid]; -"1952 2757" -> "1958 2758" [label="[1]", style=dashed]; -"1953 QuantizeLinear_2788_1" -> "1954 DequantizeLinear_2788_1" [label="[-1, -1, -1, -1]", style=dashed]; -"1954 DequantizeLinear_2788_1" -> "1955 2753" [label="[-1, -1, -1, -1]", style=solid]; -"1954 DequantizeLinear_2788_1" -> "1959 2759" [label="[-1, -1, -1, -1]", style=solid]; -"1955 2753" -> "1956 2754" [label="[4]", style=dashed]; -"1956 2754" -> "1957 2756" [label="[]", style=dashed]; -"1957 2756" -> "1958 2758" [label="[1]", style=dashed]; -"1958 2758" -> "1959 2759" [label="[2]", style=dashed]; -"1959 2759" -> "1962 2762_MatMul" [label="[]", style=solid]; -"1960 QuantizeLinear_2797_1" -> "1961 DequantizeLinear_2797_1" [label="[12544, 1024]", style=dashed]; -"1961 DequantizeLinear_2797_1" -> "1962 2762_MatMul" [label="[12544, 1024]", style=solid]; -"1962 2762_MatMul" -> "1963 2762_Add" [label="[]", style=solid]; -"1963 2762_Add" -> "1964 2763" [label="[]", style=solid]; -"1964 2763" -> "1965 QuantizeLinear_2800_1" [label="[]", style=solid]; -"1965 QuantizeLinear_2800_1" -> "1966 DequantizeLinear_2800_1" [label="[]", style=dashed]; -"1966 DequantizeLinear_2800_1" -> "1969 2766_MatMul" [label="[]", style=solid]; -"1967 QuantizeLinear_2801_1" -> "1968 DequantizeLinear_2801_1" [label="[1024, 1024]", style=dashed]; -"1968 DequantizeLinear_2801_1" -> "1969 2766_MatMul" [label="[1024, 1024]", style=solid]; -"1969 2766_MatMul" -> "1970 2766_Add" [label="[]", style=solid]; -"1970 2766_Add" -> "1971 2767" [label="[]", style=solid]; -"1971 2767" -> "1972 QuantizeLinear_2804_1" [label="[]", style=solid]; -"1972 QuantizeLinear_2804_1" -> "1973 DequantizeLinear_2804_1" [label="[]", style=dashed]; -"1973 DequantizeLinear_2804_1" -> "1976 2770_MatMul" [label="[]", style=solid]; -"1973 DequantizeLinear_2804_1" -> "2005 2773_MatMul" [label="[]", style=solid]; -"1974 QuantizeLinear_2805_1" -> "1975 DequantizeLinear_2805_1" [label="[1024, 81]", style=dashed]; -"1975 DequantizeLinear_2805_1" -> "1976 2770_MatMul" [label="[1024, 81]", style=solid]; -"1976 2770_MatMul" -> "1977 2770_Add" [label="[]", style=solid]; -"1977 2770_Add" -> "1978 2774" [label="[]", style=solid]; -"1978 2774" -> "1979 2950" [label="[]", style=solid]; -"1978 2774" -> "1984 2955" [label="[]", style=solid]; -"1979 2950" -> "1980 2951" [label="[-1]", style=dashed]; -"1980 2951" -> "1981 2992" [label="[]", style=dashed]; -"1980 2951" -> "1999 2984" [label="[]", style=dashed]; -"1981 2992" -> "1983 2993" [label="[1]", style=dashed]; -"1982 2991" -> "1983 2993" [label="[1]", style=dashed]; -"1983 2993" -> "1985 2994" [label="[2]", style=dashed]; -"1984 2955" -> "1985 2994" [label="[-1]", style=solid]; -"1985 2994" -> "1986 2996" [label="[]", style=solid]; -"1985 2994" -> "1995 6486" [label="[]", style=solid]; -"1985 2994" -> "2107 6442" [label="[]", style=solid]; -"1985 2994" -> "2125 6398" [label="[]", style=solid]; -"1985 2994" -> "2143 6354" [label="[]", style=solid]; -"1985 2994" -> "2161 6310" [label="[]", style=solid]; -"1985 2994" -> "2179 6266" [label="[]", style=solid]; -"1985 2994" -> "2197 6222" [label="[]", style=solid]; -"1985 2994" -> "2215 6178" [label="[]", style=solid]; -"1985 2994" -> "2233 6134" [label="[]", style=solid]; -"1985 2994" -> "2251 6090" [label="[]", style=solid]; -"1985 2994" -> "2269 6046" [label="[]", style=solid]; -"1985 2994" -> "2287 6002" [label="[]", style=solid]; -"1985 2994" -> "2305 5958" [label="[]", style=solid]; -"1985 2994" -> "2323 5914" [label="[]", style=solid]; -"1985 2994" -> "2341 5870" [label="[]", style=solid]; -"1985 2994" -> "2359 5826" [label="[]", style=solid]; -"1985 2994" -> "2377 5782" [label="[]", style=solid]; -"1985 2994" -> "2395 5738" [label="[]", style=solid]; -"1985 2994" -> "2413 5694" [label="[]", style=solid]; -"1985 2994" -> "2431 5650" [label="[]", style=solid]; -"1985 2994" -> "2449 5606" [label="[]", style=solid]; -"1985 2994" -> "2467 5562" [label="[]", style=solid]; -"1985 2994" -> "2485 5518" [label="[]", style=solid]; -"1985 2994" -> "2503 5474" [label="[]", style=solid]; -"1985 2994" -> "2521 5430" [label="[]", style=solid]; -"1985 2994" -> "2539 5386" [label="[]", style=solid]; -"1985 2994" -> "2557 5342" [label="[]", style=solid]; -"1985 2994" -> "2575 5298" [label="[]", style=solid]; -"1985 2994" -> "2593 5254" [label="[]", style=solid]; -"1985 2994" -> "2611 5210" [label="[]", style=solid]; -"1985 2994" -> "2629 5166" [label="[]", style=solid]; -"1985 2994" -> "2647 5122" [label="[]", style=solid]; -"1985 2994" -> "2665 5078" [label="[]", style=solid]; -"1985 2994" -> "2683 5034" [label="[]", style=solid]; -"1985 2994" -> "2701 4990" [label="[]", style=solid]; -"1985 2994" -> "2719 4946" [label="[]", style=solid]; -"1985 2994" -> "2737 4902" [label="[]", style=solid]; -"1985 2994" -> "2755 4858" [label="[]", style=solid]; -"1985 2994" -> "2773 4814" [label="[]", style=solid]; -"1985 2994" -> "2791 4770" [label="[]", style=solid]; -"1985 2994" -> "2809 4726" [label="[]", style=solid]; -"1985 2994" -> "2827 4682" [label="[]", style=solid]; -"1985 2994" -> "2845 4638" [label="[]", style=solid]; -"1985 2994" -> "2863 4594" [label="[]", style=solid]; -"1985 2994" -> "2881 4550" [label="[]", style=solid]; -"1985 2994" -> "2899 4506" [label="[]", style=solid]; -"1985 2994" -> "2917 4462" [label="[]", style=solid]; -"1985 2994" -> "2935 4418" [label="[]", style=solid]; -"1985 2994" -> "2953 4374" [label="[]", style=solid]; -"1985 2994" -> "2971 4330" [label="[]", style=solid]; -"1985 2994" -> "2989 4286" [label="[]", style=solid]; -"1985 2994" -> "3007 4242" [label="[]", style=solid]; -"1985 2994" -> "3025 4198" [label="[]", style=solid]; -"1985 2994" -> "3043 4154" [label="[]", style=solid]; -"1985 2994" -> "3061 4110" [label="[]", style=solid]; -"1985 2994" -> "3079 4066" [label="[]", style=solid]; -"1985 2994" -> "3097 4022" [label="[]", style=solid]; -"1985 2994" -> "3115 3978" [label="[]", style=solid]; -"1985 2994" -> "3133 3934" [label="[]", style=solid]; -"1985 2994" -> "3151 3890" [label="[]", style=solid]; -"1985 2994" -> "3169 3846" [label="[]", style=solid]; -"1985 2994" -> "3187 3802" [label="[]", style=solid]; -"1985 2994" -> "3205 3758" [label="[]", style=solid]; -"1985 2994" -> "3223 3714" [label="[]", style=solid]; -"1985 2994" -> "3241 3670" [label="[]", style=solid]; -"1985 2994" -> "3259 3626" [label="[]", style=solid]; -"1985 2994" -> "3277 3582" [label="[]", style=solid]; -"1985 2994" -> "3295 3538" [label="[]", style=solid]; -"1985 2994" -> "3313 3494" [label="[]", style=solid]; -"1985 2994" -> "3331 3450" [label="[]", style=solid]; -"1985 2994" -> "3349 3406" [label="[]", style=solid]; -"1985 2994" -> "3367 3362" [label="[]", style=solid]; -"1985 2994" -> "3385 3318" [label="[]", style=solid]; -"1985 2994" -> "3403 3274" [label="[]", style=solid]; -"1985 2994" -> "3421 3230" [label="[]", style=solid]; -"1985 2994" -> "3439 3186" [label="[]", style=solid]; -"1985 2994" -> "3457 3142" [label="[]", style=solid]; -"1985 2994" -> "3475 3098" [label="[]", style=solid]; -"1985 2994" -> "3493 3054" [label="[]", style=solid]; -"1985 2994" -> "3511 3010" [label="[]", style=solid]; -"1986 2996" -> "1987 2997" [label="[]", style=dashed]; -"1987 2997" -> "1988 6478" [label="[]", style=dashed]; -"1987 2997" -> "2100 6434" [label="[]", style=dashed]; -"1987 2997" -> "2118 6390" [label="[]", style=dashed]; -"1987 2997" -> "2136 6346" [label="[]", style=dashed]; -"1987 2997" -> "2154 6302" [label="[]", style=dashed]; -"1987 2997" -> "2172 6258" [label="[]", style=dashed]; -"1987 2997" -> "2190 6214" [label="[]", style=dashed]; -"1987 2997" -> "2208 6170" [label="[]", style=dashed]; -"1987 2997" -> "2226 6126" [label="[]", style=dashed]; -"1987 2997" -> "2244 6082" [label="[]", style=dashed]; -"1987 2997" -> "2262 6038" [label="[]", style=dashed]; -"1987 2997" -> "2280 5994" [label="[]", style=dashed]; -"1987 2997" -> "2298 5950" [label="[]", style=dashed]; -"1987 2997" -> "2316 5906" [label="[]", style=dashed]; -"1987 2997" -> "2334 5862" [label="[]", style=dashed]; -"1987 2997" -> "2352 5818" [label="[]", style=dashed]; -"1987 2997" -> "2370 5774" [label="[]", style=dashed]; -"1987 2997" -> "2388 5730" [label="[]", style=dashed]; -"1987 2997" -> "2406 5686" [label="[]", style=dashed]; -"1987 2997" -> "2424 5642" [label="[]", style=dashed]; -"1987 2997" -> "2442 5598" [label="[]", style=dashed]; -"1987 2997" -> "2460 5554" [label="[]", style=dashed]; -"1987 2997" -> "2478 5510" [label="[]", style=dashed]; -"1987 2997" -> "2496 5466" [label="[]", style=dashed]; -"1987 2997" -> "2514 5422" [label="[]", style=dashed]; -"1987 2997" -> "2532 5378" [label="[]", style=dashed]; -"1987 2997" -> "2550 5334" [label="[]", style=dashed]; -"1987 2997" -> "2568 5290" [label="[]", style=dashed]; -"1987 2997" -> "2586 5246" [label="[]", style=dashed]; -"1987 2997" -> "2604 5202" [label="[]", style=dashed]; -"1987 2997" -> "2622 5158" [label="[]", style=dashed]; -"1987 2997" -> "2640 5114" [label="[]", style=dashed]; -"1987 2997" -> "2658 5070" [label="[]", style=dashed]; -"1987 2997" -> "2676 5026" [label="[]", style=dashed]; -"1987 2997" -> "2694 4982" [label="[]", style=dashed]; -"1987 2997" -> "2712 4938" [label="[]", style=dashed]; -"1987 2997" -> "2730 4894" [label="[]", style=dashed]; -"1987 2997" -> "2748 4850" [label="[]", style=dashed]; -"1987 2997" -> "2766 4806" [label="[]", style=dashed]; -"1987 2997" -> "2784 4762" [label="[]", style=dashed]; -"1987 2997" -> "2802 4718" [label="[]", style=dashed]; -"1987 2997" -> "2820 4674" [label="[]", style=dashed]; -"1987 2997" -> "2838 4630" [label="[]", style=dashed]; -"1987 2997" -> "2856 4586" [label="[]", style=dashed]; -"1987 2997" -> "2874 4542" [label="[]", style=dashed]; -"1987 2997" -> "2892 4498" [label="[]", style=dashed]; -"1987 2997" -> "2910 4454" [label="[]", style=dashed]; -"1987 2997" -> "2928 4410" [label="[]", style=dashed]; -"1987 2997" -> "2946 4366" [label="[]", style=dashed]; -"1987 2997" -> "2964 4322" [label="[]", style=dashed]; -"1987 2997" -> "2982 4278" [label="[]", style=dashed]; -"1987 2997" -> "3000 4234" [label="[]", style=dashed]; -"1987 2997" -> "3018 4190" [label="[]", style=dashed]; -"1987 2997" -> "3036 4146" [label="[]", style=dashed]; -"1987 2997" -> "3054 4102" [label="[]", style=dashed]; -"1987 2997" -> "3072 4058" [label="[]", style=dashed]; -"1987 2997" -> "3090 4014" [label="[]", style=dashed]; -"1987 2997" -> "3108 3970" [label="[]", style=dashed]; -"1987 2997" -> "3126 3926" [label="[]", style=dashed]; -"1987 2997" -> "3144 3882" [label="[]", style=dashed]; -"1987 2997" -> "3162 3838" [label="[]", style=dashed]; -"1987 2997" -> "3180 3794" [label="[]", style=dashed]; -"1987 2997" -> "3198 3750" [label="[]", style=dashed]; -"1987 2997" -> "3216 3706" [label="[]", style=dashed]; -"1987 2997" -> "3234 3662" [label="[]", style=dashed]; -"1987 2997" -> "3252 3618" [label="[]", style=dashed]; -"1987 2997" -> "3270 3574" [label="[]", style=dashed]; -"1987 2997" -> "3288 3530" [label="[]", style=dashed]; -"1987 2997" -> "3306 3486" [label="[]", style=dashed]; -"1987 2997" -> "3324 3442" [label="[]", style=dashed]; -"1987 2997" -> "3342 3398" [label="[]", style=dashed]; -"1987 2997" -> "3360 3354" [label="[]", style=dashed]; -"1987 2997" -> "3378 3310" [label="[]", style=dashed]; -"1987 2997" -> "3396 3266" [label="[]", style=dashed]; -"1987 2997" -> "3414 3222" [label="[]", style=dashed]; -"1987 2997" -> "3432 3178" [label="[]", style=dashed]; -"1987 2997" -> "3450 3134" [label="[]", style=dashed]; -"1987 2997" -> "3468 3090" [label="[]", style=dashed]; -"1987 2997" -> "3486 3046" [label="[]", style=dashed]; -"1987 2997" -> "3504 3002" [label="[]", style=dashed]; -"1988 6478" -> "1989 6480" [label="[]", style=dashed]; -"1989 6480" -> "1990 6481" [label="[]", style=dashed]; -"1990 6481" -> "1991 6482" [label="[]", style=solid]; -"1991 6482" -> "1992 6483" [label="[-1, -1]", style=dashed]; -"1992 6483" -> "1993 6484" [label="[-1, -1]", style=dashed]; -"1993 6484" -> "1994 6487" [label="[-1]", style=dashed]; -"1993 6484" -> "2094 6495" [label="[-1]", style=dashed]; -"1994 6487" -> "1996 6488" [label="[-1]", style=dashed]; -"1995 6486" -> "1996 6488" [label="[]", style=solid]; -"1996 6488" -> "1997 6497" [label="[]", style=solid]; -"1996 6488" -> "2099 6508" [label="[]", style=solid]; -"1997 6497" -> "1998 6498" [label="[]", style=solid]; -"1998 6498" -> "2096 6501" [label="[]", style=solid]; -"1999 2984" -> "2000 2987" [label="[]", style=dashed]; -"2000 2987" -> "2002 2988" [label="[1]", style=dashed]; -"2001 2986" -> "2002 2988" [label="[1]", style=dashed]; -"2002 2988" -> "2092 2989" [label="[2]", style=dashed]; -"2003 QuantizeLinear_2808_1" -> "2004 DequantizeLinear_2808_1" [label="[1024, 324]", style=dashed]; -"2004 DequantizeLinear_2808_1" -> "2005 2773_MatMul" [label="[1024, 324]", style=solid]; -"2005 2773_MatMul" -> "2006 2773_Add" [label="[]", style=solid]; -"2006 2773_Add" -> "2007 2776" [label="[]", style=solid]; -"2007 2776" -> "2008 2947" [label="[]", style=solid]; -"2007 2776" -> "2019 2872" [label="[]", style=solid]; -"2007 2776" -> "2034 2848" [label="[]", style=solid]; -"2007 2776" -> "2050 2860" [label="[]", style=solid]; -"2007 2776" -> "2065 2836" [label="[]", style=solid]; -"2008 2947" -> "2080 2948" [label="[-1]", style=dashed]; -"2009 2775" -> "2010 2777" [label="[]", style=solid]; -"2010 2777" -> "2011 2806" [label="[]", style=solid]; -"2010 2777" -> "2013 2799" [label="[]", style=solid]; -"2010 2777" -> "2027 2826" [label="[]", style=solid]; -"2010 2777" -> "2042 2789" [label="[]", style=solid]; -"2010 2777" -> "2044 2782" [label="[]", style=solid]; -"2010 2777" -> "2058 2816" [label="[]", style=solid]; -"2011 2806" -> "2012 2808" [label="[]", style=solid]; -"2012 2808" -> "2015 2809" [label="[]", style=solid]; -"2013 2799" -> "2014 2801" [label="[]", style=solid]; -"2014 2801" -> "2015 2809" [label="[]", style=solid]; -"2015 2809" -> "2016 2811" [label="[]", style=solid]; -"2016 2811" -> "2017 2923" [label="[]", style=solid]; -"2016 2811" -> "2026 2830" [label="[]", style=solid]; -"2016 2811" -> "2032 2900" [label="[]", style=solid]; -"2017 2923" -> "2018 2924" [label="[]", style=solid]; -"2018 2924" -> "2024 2925" [label="[]", style=solid]; -"2019 2872" -> "2020 2877" [label="[]", style=solid]; -"2020 2877" -> "2021 2879" [label="[]", style=solid]; -"2021 2879" -> "2022 2881" [label="[]", style=solid]; -"2022 2881" -> "2023 2918" [label="[]", style=solid]; -"2023 2918" -> "2024 2925" [label="[]", style=solid]; -"2024 2925" -> "2025 2938" [label="[]", style=solid]; -"2024 2925" -> "2073 2930" [label="[]", style=solid]; -"2025 2938" -> "2039 2939" [label="[]", style=solid]; -"2026 2830" -> "2029 2831" [label="[]", style=solid]; -"2027 2826" -> "2028 2828" [label="[]", style=solid]; -"2028 2828" -> "2029 2831" [label="[]", style=solid]; -"2029 2831" -> "2030 2907" [label="[]", style=solid]; -"2030 2907" -> "2031 2908" [label="[]", style=solid]; -"2031 2908" -> "2038 2909" [label="[]", style=solid]; -"2032 2900" -> "2033 2901" [label="[]", style=solid]; -"2033 2901" -> "2037 2902" [label="[]", style=solid]; -"2034 2848" -> "2035 2853" [label="[]", style=solid]; -"2035 2853" -> "2036 2855" [label="[]", style=solid]; -"2036 2855" -> "2037 2902" [label="[]", style=solid]; -"2037 2902" -> "2038 2909" [label="[]", style=solid]; -"2038 2909" -> "2039 2939" [label="[]", style=solid]; -"2038 2909" -> "2074 2931" [label="[]", style=solid]; -"2039 2939" -> "2040 2941" [label="[]", style=solid]; -"2040 2941" -> "2041 2945" [label="[]", style=solid]; -"2041 2945" -> "2079 2946" [label="[]", style=solid]; -"2042 2789" -> "2043 2791" [label="[]", style=solid]; -"2043 2791" -> "2046 2792" [label="[]", style=solid]; -"2044 2782" -> "2045 2784" [label="[]", style=solid]; -"2045 2784" -> "2046 2792" [label="[]", style=solid]; -"2046 2792" -> "2047 2794" [label="[]", style=solid]; -"2047 2794" -> "2048 2915" [label="[]", style=solid]; -"2047 2794" -> "2057 2820" [label="[]", style=solid]; -"2047 2794" -> "2063 2886" [label="[]", style=solid]; -"2048 2915" -> "2049 2916" [label="[]", style=solid]; -"2049 2916" -> "2055 2917" [label="[]", style=solid]; -"2050 2860" -> "2051 2865" [label="[]", style=solid]; -"2051 2865" -> "2052 2867" [label="[]", style=solid]; -"2052 2867" -> "2053 2880" [label="[]", style=solid]; -"2053 2880" -> "2054 2910" [label="[]", style=solid]; -"2054 2910" -> "2055 2917" [label="[]", style=solid]; -"2055 2917" -> "2056 2933" [label="[]", style=solid]; -"2055 2917" -> "2076 2927" [label="[]", style=solid]; -"2056 2933" -> "2070 2934" [label="[]", style=solid]; -"2057 2820" -> "2060 2821" [label="[]", style=solid]; -"2058 2816" -> "2059 2818" [label="[]", style=solid]; -"2059 2818" -> "2060 2821" [label="[]", style=solid]; -"2060 2821" -> "2061 2893" [label="[]", style=solid]; -"2061 2893" -> "2062 2894" [label="[]", style=solid]; -"2062 2894" -> "2069 2895" [label="[]", style=solid]; -"2063 2886" -> "2064 2887" [label="[]", style=solid]; -"2064 2887" -> "2068 2888" [label="[]", style=solid]; -"2065 2836" -> "2066 2841" [label="[]", style=solid]; -"2066 2841" -> "2067 2843" [label="[]", style=solid]; -"2067 2843" -> "2068 2888" [label="[]", style=solid]; -"2068 2888" -> "2069 2895" [label="[]", style=solid]; -"2069 2895" -> "2070 2934" [label="[]", style=solid]; -"2069 2895" -> "2077 2928" [label="[]", style=solid]; -"2070 2934" -> "2071 2936" [label="[]", style=solid]; -"2071 2936" -> "2072 2944" [label="[]", style=solid]; -"2072 2944" -> "2079 2946" [label="[]", style=solid]; -"2073 2930" -> "2074 2931" [label="[]", style=solid]; -"2074 2931" -> "2075 2943" [label="[]", style=solid]; -"2075 2943" -> "2079 2946" [label="[]", style=solid]; -"2076 2927" -> "2077 2928" [label="[]", style=solid]; -"2077 2928" -> "2078 2942" [label="[]", style=solid]; -"2078 2942" -> "2079 2946" [label="[]", style=solid]; -"2079 2946" -> "2080 2948" [label="[]", style=solid]; -"2080 2948" -> "2081 2953" [label="[]", style=solid]; -"2081 2953" -> "2082 2971" [label="[-1, 4]", style=solid]; -"2081 2953" -> "2086 2960" [label="[-1, 4]", style=solid]; -"2082 2971" -> "2083 2976" [label="[-1, 4]", style=solid]; -"2083 2976" -> "2084 2977" [label="[-1, 2]", style=solid]; -"2084 2977" -> "2085 2979" [label="[-1, 2]", style=solid]; -"2085 2979" -> "2090 2980" [label="[-1, 2, 1]", style=solid]; -"2086 2960" -> "2087 2965" [label="[-1, 4]", style=solid]; -"2087 2965" -> "2088 2966" [label="[-1, 2]", style=solid]; -"2088 2966" -> "2089 2978" [label="[-1, 2]", style=solid]; -"2089 2978" -> "2090 2980" [label="[-1, 2, 1]", style=solid]; -"2090 2980" -> "2091 2982" [label="[-1, 2, 2]", style=solid]; -"2091 2982" -> "2092 2989" [label="[-1, 4]", style=solid]; -"2092 2989" -> "2093 6493" [label="[]", style=solid]; -"2092 2989" -> "2111 6449" [label="[]", style=solid]; -"2092 2989" -> "2129 6405" [label="[]", style=solid]; -"2092 2989" -> "2147 6361" [label="[]", style=solid]; -"2092 2989" -> "2165 6317" [label="[]", style=solid]; -"2092 2989" -> "2183 6273" [label="[]", style=solid]; -"2092 2989" -> "2201 6229" [label="[]", style=solid]; -"2092 2989" -> "2219 6185" [label="[]", style=solid]; -"2092 2989" -> "2237 6141" [label="[]", style=solid]; -"2092 2989" -> "2255 6097" [label="[]", style=solid]; -"2092 2989" -> "2273 6053" [label="[]", style=solid]; -"2092 2989" -> "2291 6009" [label="[]", style=solid]; -"2092 2989" -> "2309 5965" [label="[]", style=solid]; -"2092 2989" -> "2327 5921" [label="[]", style=solid]; -"2092 2989" -> "2345 5877" [label="[]", style=solid]; -"2092 2989" -> "2363 5833" [label="[]", style=solid]; -"2092 2989" -> "2381 5789" [label="[]", style=solid]; -"2092 2989" -> "2399 5745" [label="[]", style=solid]; -"2092 2989" -> "2417 5701" [label="[]", style=solid]; -"2092 2989" -> "2435 5657" [label="[]", style=solid]; -"2092 2989" -> "2453 5613" [label="[]", style=solid]; -"2092 2989" -> "2471 5569" [label="[]", style=solid]; -"2092 2989" -> "2489 5525" [label="[]", style=solid]; -"2092 2989" -> "2507 5481" [label="[]", style=solid]; -"2092 2989" -> "2525 5437" [label="[]", style=solid]; -"2092 2989" -> "2543 5393" [label="[]", style=solid]; -"2092 2989" -> "2561 5349" [label="[]", style=solid]; -"2092 2989" -> "2579 5305" [label="[]", style=solid]; -"2092 2989" -> "2597 5261" [label="[]", style=solid]; -"2092 2989" -> "2615 5217" [label="[]", style=solid]; -"2092 2989" -> "2633 5173" [label="[]", style=solid]; -"2092 2989" -> "2651 5129" [label="[]", style=solid]; -"2092 2989" -> "2669 5085" [label="[]", style=solid]; -"2092 2989" -> "2687 5041" [label="[]", style=solid]; -"2092 2989" -> "2705 4997" [label="[]", style=solid]; -"2092 2989" -> "2723 4953" [label="[]", style=solid]; -"2092 2989" -> "2741 4909" [label="[]", style=solid]; -"2092 2989" -> "2759 4865" [label="[]", style=solid]; -"2092 2989" -> "2777 4821" [label="[]", style=solid]; -"2092 2989" -> "2795 4777" [label="[]", style=solid]; -"2092 2989" -> "2813 4733" [label="[]", style=solid]; -"2092 2989" -> "2831 4689" [label="[]", style=solid]; -"2092 2989" -> "2849 4645" [label="[]", style=solid]; -"2092 2989" -> "2867 4601" [label="[]", style=solid]; -"2092 2989" -> "2885 4557" [label="[]", style=solid]; -"2092 2989" -> "2903 4513" [label="[]", style=solid]; -"2092 2989" -> "2921 4469" [label="[]", style=solid]; -"2092 2989" -> "2939 4425" [label="[]", style=solid]; -"2092 2989" -> "2957 4381" [label="[]", style=solid]; -"2092 2989" -> "2975 4337" [label="[]", style=solid]; -"2092 2989" -> "2993 4293" [label="[]", style=solid]; -"2092 2989" -> "3011 4249" [label="[]", style=solid]; -"2092 2989" -> "3029 4205" [label="[]", style=solid]; -"2092 2989" -> "3047 4161" [label="[]", style=solid]; -"2092 2989" -> "3065 4117" [label="[]", style=solid]; -"2092 2989" -> "3083 4073" [label="[]", style=solid]; -"2092 2989" -> "3101 4029" [label="[]", style=solid]; -"2092 2989" -> "3119 3985" [label="[]", style=solid]; -"2092 2989" -> "3137 3941" [label="[]", style=solid]; -"2092 2989" -> "3155 3897" [label="[]", style=solid]; -"2092 2989" -> "3173 3853" [label="[]", style=solid]; -"2092 2989" -> "3191 3809" [label="[]", style=solid]; -"2092 2989" -> "3209 3765" [label="[]", style=solid]; -"2092 2989" -> "3227 3721" [label="[]", style=solid]; -"2092 2989" -> "3245 3677" [label="[]", style=solid]; -"2092 2989" -> "3263 3633" [label="[]", style=solid]; -"2092 2989" -> "3281 3589" [label="[]", style=solid]; -"2092 2989" -> "3299 3545" [label="[]", style=solid]; -"2092 2989" -> "3317 3501" [label="[]", style=solid]; -"2092 2989" -> "3335 3457" [label="[]", style=solid]; -"2092 2989" -> "3353 3413" [label="[]", style=solid]; -"2092 2989" -> "3371 3369" [label="[]", style=solid]; -"2092 2989" -> "3389 3325" [label="[]", style=solid]; -"2092 2989" -> "3407 3281" [label="[]", style=solid]; -"2092 2989" -> "3425 3237" [label="[]", style=solid]; -"2092 2989" -> "3443 3193" [label="[]", style=solid]; -"2092 2989" -> "3461 3149" [label="[]", style=solid]; -"2092 2989" -> "3479 3105" [label="[]", style=solid]; -"2092 2989" -> "3497 3061" [label="[]", style=solid]; -"2092 2989" -> "3515 3017" [label="[]", style=solid]; -"2093 6493" -> "2094 6495" [label="[]", style=solid]; -"2094 6495" -> "2095 6496" [label="[]", style=solid]; -"2094 6495" -> "3532 6506" [label="[]", style=solid]; -"2095 6496" -> "2096 6501" [label="[]", style=solid]; -"2096 6501" -> "2097 6503" [label="[-1, 3]", style=dashed]; -"2097 6503" -> "2098 6504" [label="[-1, 1]", style=dashed]; -"2098 6504" -> "2099 6508" [label="[-1]", style=dashed]; -"2098 6504" -> "3531 6505" [label="[-1]", style=dashed]; -"2099 6508" -> "3522 6520" [label="[]", style=solid]; -"2100 6434" -> "2101 6436" [label="[]", style=dashed]; -"2101 6436" -> "2102 6437" [label="[]", style=dashed]; -"2102 6437" -> "2103 6438" [label="[]", style=solid]; -"2103 6438" -> "2104 6439" [label="[-1, -1]", style=dashed]; -"2104 6439" -> "2105 6440" [label="[-1, -1]", style=dashed]; -"2105 6440" -> "2106 6443" [label="[-1]", style=dashed]; -"2105 6440" -> "2112 6451" [label="[-1]", style=dashed]; -"2106 6443" -> "2108 6444" [label="[-1]", style=dashed]; -"2107 6442" -> "2108 6444" [label="[]", style=solid]; -"2108 6444" -> "2109 6453" [label="[]", style=solid]; -"2108 6444" -> "2117 6464" [label="[]", style=solid]; -"2109 6453" -> "2110 6454" [label="[]", style=solid]; -"2110 6454" -> "2114 6457" [label="[]", style=solid]; -"2111 6449" -> "2112 6451" [label="[]", style=solid]; -"2112 6451" -> "2113 6452" [label="[]", style=solid]; -"2112 6451" -> "3534 6462" [label="[]", style=solid]; -"2113 6452" -> "2114 6457" [label="[]", style=solid]; -"2114 6457" -> "2115 6459" [label="[-1, 3]", style=dashed]; -"2115 6459" -> "2116 6460" [label="[-1, 1]", style=dashed]; -"2116 6460" -> "2117 6464" [label="[-1]", style=dashed]; -"2116 6460" -> "3533 6461" [label="[-1]", style=dashed]; -"2117 6464" -> "3522 6520" [label="[]", style=solid]; -"2118 6390" -> "2119 6392" [label="[]", style=dashed]; -"2119 6392" -> "2120 6393" [label="[]", style=dashed]; -"2120 6393" -> "2121 6394" [label="[]", style=solid]; -"2121 6394" -> "2122 6395" [label="[-1, -1]", style=dashed]; -"2122 6395" -> "2123 6396" [label="[-1, -1]", style=dashed]; -"2123 6396" -> "2124 6399" [label="[-1]", style=dashed]; -"2123 6396" -> "2130 6407" [label="[-1]", style=dashed]; -"2124 6399" -> "2126 6400" [label="[-1]", style=dashed]; -"2125 6398" -> "2126 6400" [label="[]", style=solid]; -"2126 6400" -> "2127 6409" [label="[]", style=solid]; -"2126 6400" -> "2135 6420" [label="[]", style=solid]; -"2127 6409" -> "2128 6410" [label="[]", style=solid]; -"2128 6410" -> "2132 6413" [label="[]", style=solid]; -"2129 6405" -> "2130 6407" [label="[]", style=solid]; -"2130 6407" -> "2131 6408" [label="[]", style=solid]; -"2130 6407" -> "3536 6418" [label="[]", style=solid]; -"2131 6408" -> "2132 6413" [label="[]", style=solid]; -"2132 6413" -> "2133 6415" [label="[-1, 3]", style=dashed]; -"2133 6415" -> "2134 6416" [label="[-1, 1]", style=dashed]; -"2134 6416" -> "2135 6420" [label="[-1]", style=dashed]; -"2134 6416" -> "3535 6417" [label="[-1]", style=dashed]; -"2135 6420" -> "3522 6520" [label="[]", style=solid]; -"2136 6346" -> "2137 6348" [label="[]", style=dashed]; -"2137 6348" -> "2138 6349" [label="[]", style=dashed]; -"2138 6349" -> "2139 6350" [label="[]", style=solid]; -"2139 6350" -> "2140 6351" [label="[-1, -1]", style=dashed]; -"2140 6351" -> "2141 6352" [label="[-1, -1]", style=dashed]; -"2141 6352" -> "2142 6355" [label="[-1]", style=dashed]; -"2141 6352" -> "2148 6363" [label="[-1]", style=dashed]; -"2142 6355" -> "2144 6356" [label="[-1]", style=dashed]; -"2143 6354" -> "2144 6356" [label="[]", style=solid]; -"2144 6356" -> "2145 6365" [label="[]", style=solid]; -"2144 6356" -> "2153 6376" [label="[]", style=solid]; -"2145 6365" -> "2146 6366" [label="[]", style=solid]; -"2146 6366" -> "2150 6369" [label="[]", style=solid]; -"2147 6361" -> "2148 6363" [label="[]", style=solid]; -"2148 6363" -> "2149 6364" [label="[]", style=solid]; -"2148 6363" -> "3538 6374" [label="[]", style=solid]; -"2149 6364" -> "2150 6369" [label="[]", style=solid]; -"2150 6369" -> "2151 6371" [label="[-1, 3]", style=dashed]; -"2151 6371" -> "2152 6372" [label="[-1, 1]", style=dashed]; -"2152 6372" -> "2153 6376" [label="[-1]", style=dashed]; -"2152 6372" -> "3537 6373" [label="[-1]", style=dashed]; -"2153 6376" -> "3522 6520" [label="[]", style=solid]; -"2154 6302" -> "2155 6304" [label="[]", style=dashed]; -"2155 6304" -> "2156 6305" [label="[]", style=dashed]; -"2156 6305" -> "2157 6306" [label="[]", style=solid]; -"2157 6306" -> "2158 6307" [label="[-1, -1]", style=dashed]; -"2158 6307" -> "2159 6308" [label="[-1, -1]", style=dashed]; -"2159 6308" -> "2160 6311" [label="[-1]", style=dashed]; -"2159 6308" -> "2166 6319" [label="[-1]", style=dashed]; -"2160 6311" -> "2162 6312" [label="[-1]", style=dashed]; -"2161 6310" -> "2162 6312" [label="[]", style=solid]; -"2162 6312" -> "2163 6321" [label="[]", style=solid]; -"2162 6312" -> "2171 6332" [label="[]", style=solid]; -"2163 6321" -> "2164 6322" [label="[]", style=solid]; -"2164 6322" -> "2168 6325" [label="[]", style=solid]; -"2165 6317" -> "2166 6319" [label="[]", style=solid]; -"2166 6319" -> "2167 6320" [label="[]", style=solid]; -"2166 6319" -> "3540 6330" [label="[]", style=solid]; -"2167 6320" -> "2168 6325" [label="[]", style=solid]; -"2168 6325" -> "2169 6327" [label="[-1, 3]", style=dashed]; -"2169 6327" -> "2170 6328" [label="[-1, 1]", style=dashed]; -"2170 6328" -> "2171 6332" [label="[-1]", style=dashed]; -"2170 6328" -> "3539 6329" [label="[-1]", style=dashed]; -"2171 6332" -> "3522 6520" [label="[]", style=solid]; -"2172 6258" -> "2173 6260" [label="[]", style=dashed]; -"2173 6260" -> "2174 6261" [label="[]", style=dashed]; -"2174 6261" -> "2175 6262" [label="[]", style=solid]; -"2175 6262" -> "2176 6263" [label="[-1, -1]", style=dashed]; -"2176 6263" -> "2177 6264" [label="[-1, -1]", style=dashed]; -"2177 6264" -> "2178 6267" [label="[-1]", style=dashed]; -"2177 6264" -> "2184 6275" [label="[-1]", style=dashed]; -"2178 6267" -> "2180 6268" [label="[-1]", style=dashed]; -"2179 6266" -> "2180 6268" [label="[]", style=solid]; -"2180 6268" -> "2181 6277" [label="[]", style=solid]; -"2180 6268" -> "2189 6288" [label="[]", style=solid]; -"2181 6277" -> "2182 6278" [label="[]", style=solid]; -"2182 6278" -> "2186 6281" [label="[]", style=solid]; -"2183 6273" -> "2184 6275" [label="[]", style=solid]; -"2184 6275" -> "2185 6276" [label="[]", style=solid]; -"2184 6275" -> "3542 6286" [label="[]", style=solid]; -"2185 6276" -> "2186 6281" [label="[]", style=solid]; -"2186 6281" -> "2187 6283" [label="[-1, 3]", style=dashed]; -"2187 6283" -> "2188 6284" [label="[-1, 1]", style=dashed]; -"2188 6284" -> "2189 6288" [label="[-1]", style=dashed]; -"2188 6284" -> "3541 6285" [label="[-1]", style=dashed]; -"2189 6288" -> "3522 6520" [label="[]", style=solid]; -"2190 6214" -> "2191 6216" [label="[]", style=dashed]; -"2191 6216" -> "2192 6217" [label="[]", style=dashed]; -"2192 6217" -> "2193 6218" [label="[]", style=solid]; -"2193 6218" -> "2194 6219" [label="[-1, -1]", style=dashed]; -"2194 6219" -> "2195 6220" [label="[-1, -1]", style=dashed]; -"2195 6220" -> "2196 6223" [label="[-1]", style=dashed]; -"2195 6220" -> "2202 6231" [label="[-1]", style=dashed]; -"2196 6223" -> "2198 6224" [label="[-1]", style=dashed]; -"2197 6222" -> "2198 6224" [label="[]", style=solid]; -"2198 6224" -> "2199 6233" [label="[]", style=solid]; -"2198 6224" -> "2207 6244" [label="[]", style=solid]; -"2199 6233" -> "2200 6234" [label="[]", style=solid]; -"2200 6234" -> "2204 6237" [label="[]", style=solid]; -"2201 6229" -> "2202 6231" [label="[]", style=solid]; -"2202 6231" -> "2203 6232" [label="[]", style=solid]; -"2202 6231" -> "3544 6242" [label="[]", style=solid]; -"2203 6232" -> "2204 6237" [label="[]", style=solid]; -"2204 6237" -> "2205 6239" [label="[-1, 3]", style=dashed]; -"2205 6239" -> "2206 6240" [label="[-1, 1]", style=dashed]; -"2206 6240" -> "2207 6244" [label="[-1]", style=dashed]; -"2206 6240" -> "3543 6241" [label="[-1]", style=dashed]; -"2207 6244" -> "3522 6520" [label="[]", style=solid]; -"2208 6170" -> "2209 6172" [label="[]", style=dashed]; -"2209 6172" -> "2210 6173" [label="[]", style=dashed]; -"2210 6173" -> "2211 6174" [label="[]", style=solid]; -"2211 6174" -> "2212 6175" [label="[-1, -1]", style=dashed]; -"2212 6175" -> "2213 6176" [label="[-1, -1]", style=dashed]; -"2213 6176" -> "2214 6179" [label="[-1]", style=dashed]; -"2213 6176" -> "2220 6187" [label="[-1]", style=dashed]; -"2214 6179" -> "2216 6180" [label="[-1]", style=dashed]; -"2215 6178" -> "2216 6180" [label="[]", style=solid]; -"2216 6180" -> "2217 6189" [label="[]", style=solid]; -"2216 6180" -> "2225 6200" [label="[]", style=solid]; -"2217 6189" -> "2218 6190" [label="[]", style=solid]; -"2218 6190" -> "2222 6193" [label="[]", style=solid]; -"2219 6185" -> "2220 6187" [label="[]", style=solid]; -"2220 6187" -> "2221 6188" [label="[]", style=solid]; -"2220 6187" -> "3546 6198" [label="[]", style=solid]; -"2221 6188" -> "2222 6193" [label="[]", style=solid]; -"2222 6193" -> "2223 6195" [label="[-1, 3]", style=dashed]; -"2223 6195" -> "2224 6196" [label="[-1, 1]", style=dashed]; -"2224 6196" -> "2225 6200" [label="[-1]", style=dashed]; -"2224 6196" -> "3545 6197" [label="[-1]", style=dashed]; -"2225 6200" -> "3522 6520" [label="[]", style=solid]; -"2226 6126" -> "2227 6128" [label="[]", style=dashed]; -"2227 6128" -> "2228 6129" [label="[]", style=dashed]; -"2228 6129" -> "2229 6130" [label="[]", style=solid]; -"2229 6130" -> "2230 6131" [label="[-1, -1]", style=dashed]; -"2230 6131" -> "2231 6132" [label="[-1, -1]", style=dashed]; -"2231 6132" -> "2232 6135" [label="[-1]", style=dashed]; -"2231 6132" -> "2238 6143" [label="[-1]", style=dashed]; -"2232 6135" -> "2234 6136" [label="[-1]", style=dashed]; -"2233 6134" -> "2234 6136" [label="[]", style=solid]; -"2234 6136" -> "2235 6145" [label="[]", style=solid]; -"2234 6136" -> "2243 6156" [label="[]", style=solid]; -"2235 6145" -> "2236 6146" [label="[]", style=solid]; -"2236 6146" -> "2240 6149" [label="[]", style=solid]; -"2237 6141" -> "2238 6143" [label="[]", style=solid]; -"2238 6143" -> "2239 6144" [label="[]", style=solid]; -"2238 6143" -> "3548 6154" [label="[]", style=solid]; -"2239 6144" -> "2240 6149" [label="[]", style=solid]; -"2240 6149" -> "2241 6151" [label="[-1, 3]", style=dashed]; -"2241 6151" -> "2242 6152" [label="[-1, 1]", style=dashed]; -"2242 6152" -> "2243 6156" [label="[-1]", style=dashed]; -"2242 6152" -> "3547 6153" [label="[-1]", style=dashed]; -"2243 6156" -> "3522 6520" [label="[]", style=solid]; -"2244 6082" -> "2245 6084" [label="[]", style=dashed]; -"2245 6084" -> "2246 6085" [label="[]", style=dashed]; -"2246 6085" -> "2247 6086" [label="[]", style=solid]; -"2247 6086" -> "2248 6087" [label="[-1, -1]", style=dashed]; -"2248 6087" -> "2249 6088" [label="[-1, -1]", style=dashed]; -"2249 6088" -> "2250 6091" [label="[-1]", style=dashed]; -"2249 6088" -> "2256 6099" [label="[-1]", style=dashed]; -"2250 6091" -> "2252 6092" [label="[-1]", style=dashed]; -"2251 6090" -> "2252 6092" [label="[]", style=solid]; -"2252 6092" -> "2253 6101" [label="[]", style=solid]; -"2252 6092" -> "2261 6112" [label="[]", style=solid]; -"2253 6101" -> "2254 6102" [label="[]", style=solid]; -"2254 6102" -> "2258 6105" [label="[]", style=solid]; -"2255 6097" -> "2256 6099" [label="[]", style=solid]; -"2256 6099" -> "2257 6100" [label="[]", style=solid]; -"2256 6099" -> "3550 6110" [label="[]", style=solid]; -"2257 6100" -> "2258 6105" [label="[]", style=solid]; -"2258 6105" -> "2259 6107" [label="[-1, 3]", style=dashed]; -"2259 6107" -> "2260 6108" [label="[-1, 1]", style=dashed]; -"2260 6108" -> "2261 6112" [label="[-1]", style=dashed]; -"2260 6108" -> "3549 6109" [label="[-1]", style=dashed]; -"2261 6112" -> "3522 6520" [label="[]", style=solid]; -"2262 6038" -> "2263 6040" [label="[]", style=dashed]; -"2263 6040" -> "2264 6041" [label="[]", style=dashed]; -"2264 6041" -> "2265 6042" [label="[]", style=solid]; -"2265 6042" -> "2266 6043" [label="[-1, -1]", style=dashed]; -"2266 6043" -> "2267 6044" [label="[-1, -1]", style=dashed]; -"2267 6044" -> "2268 6047" [label="[-1]", style=dashed]; -"2267 6044" -> "2274 6055" [label="[-1]", style=dashed]; -"2268 6047" -> "2270 6048" [label="[-1]", style=dashed]; -"2269 6046" -> "2270 6048" [label="[]", style=solid]; -"2270 6048" -> "2271 6057" [label="[]", style=solid]; -"2270 6048" -> "2279 6068" [label="[]", style=solid]; -"2271 6057" -> "2272 6058" [label="[]", style=solid]; -"2272 6058" -> "2276 6061" [label="[]", style=solid]; -"2273 6053" -> "2274 6055" [label="[]", style=solid]; -"2274 6055" -> "2275 6056" [label="[]", style=solid]; -"2274 6055" -> "3552 6066" [label="[]", style=solid]; -"2275 6056" -> "2276 6061" [label="[]", style=solid]; -"2276 6061" -> "2277 6063" [label="[-1, 3]", style=dashed]; -"2277 6063" -> "2278 6064" [label="[-1, 1]", style=dashed]; -"2278 6064" -> "2279 6068" [label="[-1]", style=dashed]; -"2278 6064" -> "3551 6065" [label="[-1]", style=dashed]; -"2279 6068" -> "3522 6520" [label="[]", style=solid]; -"2280 5994" -> "2281 5996" [label="[]", style=dashed]; -"2281 5996" -> "2282 5997" [label="[]", style=dashed]; -"2282 5997" -> "2283 5998" [label="[]", style=solid]; -"2283 5998" -> "2284 5999" [label="[-1, -1]", style=dashed]; -"2284 5999" -> "2285 6000" [label="[-1, -1]", style=dashed]; -"2285 6000" -> "2286 6003" [label="[-1]", style=dashed]; -"2285 6000" -> "2292 6011" [label="[-1]", style=dashed]; -"2286 6003" -> "2288 6004" [label="[-1]", style=dashed]; -"2287 6002" -> "2288 6004" [label="[]", style=solid]; -"2288 6004" -> "2289 6013" [label="[]", style=solid]; -"2288 6004" -> "2297 6024" [label="[]", style=solid]; -"2289 6013" -> "2290 6014" [label="[]", style=solid]; -"2290 6014" -> "2294 6017" [label="[]", style=solid]; -"2291 6009" -> "2292 6011" [label="[]", style=solid]; -"2292 6011" -> "2293 6012" [label="[]", style=solid]; -"2292 6011" -> "3554 6022" [label="[]", style=solid]; -"2293 6012" -> "2294 6017" [label="[]", style=solid]; -"2294 6017" -> "2295 6019" [label="[-1, 3]", style=dashed]; -"2295 6019" -> "2296 6020" [label="[-1, 1]", style=dashed]; -"2296 6020" -> "2297 6024" [label="[-1]", style=dashed]; -"2296 6020" -> "3553 6021" [label="[-1]", style=dashed]; -"2297 6024" -> "3522 6520" [label="[]", style=solid]; -"2298 5950" -> "2299 5952" [label="[]", style=dashed]; -"2299 5952" -> "2300 5953" [label="[]", style=dashed]; -"2300 5953" -> "2301 5954" [label="[]", style=solid]; -"2301 5954" -> "2302 5955" [label="[-1, -1]", style=dashed]; -"2302 5955" -> "2303 5956" [label="[-1, -1]", style=dashed]; -"2303 5956" -> "2304 5959" [label="[-1]", style=dashed]; -"2303 5956" -> "2310 5967" [label="[-1]", style=dashed]; -"2304 5959" -> "2306 5960" [label="[-1]", style=dashed]; -"2305 5958" -> "2306 5960" [label="[]", style=solid]; -"2306 5960" -> "2307 5969" [label="[]", style=solid]; -"2306 5960" -> "2315 5980" [label="[]", style=solid]; -"2307 5969" -> "2308 5970" [label="[]", style=solid]; -"2308 5970" -> "2312 5973" [label="[]", style=solid]; -"2309 5965" -> "2310 5967" [label="[]", style=solid]; -"2310 5967" -> "2311 5968" [label="[]", style=solid]; -"2310 5967" -> "3556 5978" [label="[]", style=solid]; -"2311 5968" -> "2312 5973" [label="[]", style=solid]; -"2312 5973" -> "2313 5975" [label="[-1, 3]", style=dashed]; -"2313 5975" -> "2314 5976" [label="[-1, 1]", style=dashed]; -"2314 5976" -> "2315 5980" [label="[-1]", style=dashed]; -"2314 5976" -> "3555 5977" [label="[-1]", style=dashed]; -"2315 5980" -> "3522 6520" [label="[]", style=solid]; -"2316 5906" -> "2317 5908" [label="[]", style=dashed]; -"2317 5908" -> "2318 5909" [label="[]", style=dashed]; -"2318 5909" -> "2319 5910" [label="[]", style=solid]; -"2319 5910" -> "2320 5911" [label="[-1, -1]", style=dashed]; -"2320 5911" -> "2321 5912" [label="[-1, -1]", style=dashed]; -"2321 5912" -> "2322 5915" [label="[-1]", style=dashed]; -"2321 5912" -> "2328 5923" [label="[-1]", style=dashed]; -"2322 5915" -> "2324 5916" [label="[-1]", style=dashed]; -"2323 5914" -> "2324 5916" [label="[]", style=solid]; -"2324 5916" -> "2325 5925" [label="[]", style=solid]; -"2324 5916" -> "2333 5936" [label="[]", style=solid]; -"2325 5925" -> "2326 5926" [label="[]", style=solid]; -"2326 5926" -> "2330 5929" [label="[]", style=solid]; -"2327 5921" -> "2328 5923" [label="[]", style=solid]; -"2328 5923" -> "2329 5924" [label="[]", style=solid]; -"2328 5923" -> "3558 5934" [label="[]", style=solid]; -"2329 5924" -> "2330 5929" [label="[]", style=solid]; -"2330 5929" -> "2331 5931" [label="[-1, 3]", style=dashed]; -"2331 5931" -> "2332 5932" [label="[-1, 1]", style=dashed]; -"2332 5932" -> "2333 5936" [label="[-1]", style=dashed]; -"2332 5932" -> "3557 5933" [label="[-1]", style=dashed]; -"2333 5936" -> "3522 6520" [label="[]", style=solid]; -"2334 5862" -> "2335 5864" [label="[]", style=dashed]; -"2335 5864" -> "2336 5865" [label="[]", style=dashed]; -"2336 5865" -> "2337 5866" [label="[]", style=solid]; -"2337 5866" -> "2338 5867" [label="[-1, -1]", style=dashed]; -"2338 5867" -> "2339 5868" [label="[-1, -1]", style=dashed]; -"2339 5868" -> "2340 5871" [label="[-1]", style=dashed]; -"2339 5868" -> "2346 5879" [label="[-1]", style=dashed]; -"2340 5871" -> "2342 5872" [label="[-1]", style=dashed]; -"2341 5870" -> "2342 5872" [label="[]", style=solid]; -"2342 5872" -> "2343 5881" [label="[]", style=solid]; -"2342 5872" -> "2351 5892" [label="[]", style=solid]; -"2343 5881" -> "2344 5882" [label="[]", style=solid]; -"2344 5882" -> "2348 5885" [label="[]", style=solid]; -"2345 5877" -> "2346 5879" [label="[]", style=solid]; -"2346 5879" -> "2347 5880" [label="[]", style=solid]; -"2346 5879" -> "3560 5890" [label="[]", style=solid]; -"2347 5880" -> "2348 5885" [label="[]", style=solid]; -"2348 5885" -> "2349 5887" [label="[-1, 3]", style=dashed]; -"2349 5887" -> "2350 5888" [label="[-1, 1]", style=dashed]; -"2350 5888" -> "2351 5892" [label="[-1]", style=dashed]; -"2350 5888" -> "3559 5889" [label="[-1]", style=dashed]; -"2351 5892" -> "3522 6520" [label="[]", style=solid]; -"2352 5818" -> "2353 5820" [label="[]", style=dashed]; -"2353 5820" -> "2354 5821" [label="[]", style=dashed]; -"2354 5821" -> "2355 5822" [label="[]", style=solid]; -"2355 5822" -> "2356 5823" [label="[-1, -1]", style=dashed]; -"2356 5823" -> "2357 5824" [label="[-1, -1]", style=dashed]; -"2357 5824" -> "2358 5827" [label="[-1]", style=dashed]; -"2357 5824" -> "2364 5835" [label="[-1]", style=dashed]; -"2358 5827" -> "2360 5828" [label="[-1]", style=dashed]; -"2359 5826" -> "2360 5828" [label="[]", style=solid]; -"2360 5828" -> "2361 5837" [label="[]", style=solid]; -"2360 5828" -> "2369 5848" [label="[]", style=solid]; -"2361 5837" -> "2362 5838" [label="[]", style=solid]; -"2362 5838" -> "2366 5841" [label="[]", style=solid]; -"2363 5833" -> "2364 5835" [label="[]", style=solid]; -"2364 5835" -> "2365 5836" [label="[]", style=solid]; -"2364 5835" -> "3562 5846" [label="[]", style=solid]; -"2365 5836" -> "2366 5841" [label="[]", style=solid]; -"2366 5841" -> "2367 5843" [label="[-1, 3]", style=dashed]; -"2367 5843" -> "2368 5844" [label="[-1, 1]", style=dashed]; -"2368 5844" -> "2369 5848" [label="[-1]", style=dashed]; -"2368 5844" -> "3561 5845" [label="[-1]", style=dashed]; -"2369 5848" -> "3522 6520" [label="[]", style=solid]; -"2370 5774" -> "2371 5776" [label="[]", style=dashed]; -"2371 5776" -> "2372 5777" [label="[]", style=dashed]; -"2372 5777" -> "2373 5778" [label="[]", style=solid]; -"2373 5778" -> "2374 5779" [label="[-1, -1]", style=dashed]; -"2374 5779" -> "2375 5780" [label="[-1, -1]", style=dashed]; -"2375 5780" -> "2376 5783" [label="[-1]", style=dashed]; -"2375 5780" -> "2382 5791" [label="[-1]", style=dashed]; -"2376 5783" -> "2378 5784" [label="[-1]", style=dashed]; -"2377 5782" -> "2378 5784" [label="[]", style=solid]; -"2378 5784" -> "2379 5793" [label="[]", style=solid]; -"2378 5784" -> "2387 5804" [label="[]", style=solid]; -"2379 5793" -> "2380 5794" [label="[]", style=solid]; -"2380 5794" -> "2384 5797" [label="[]", style=solid]; -"2381 5789" -> "2382 5791" [label="[]", style=solid]; -"2382 5791" -> "2383 5792" [label="[]", style=solid]; -"2382 5791" -> "3564 5802" [label="[]", style=solid]; -"2383 5792" -> "2384 5797" [label="[]", style=solid]; -"2384 5797" -> "2385 5799" [label="[-1, 3]", style=dashed]; -"2385 5799" -> "2386 5800" [label="[-1, 1]", style=dashed]; -"2386 5800" -> "2387 5804" [label="[-1]", style=dashed]; -"2386 5800" -> "3563 5801" [label="[-1]", style=dashed]; -"2387 5804" -> "3522 6520" [label="[]", style=solid]; -"2388 5730" -> "2389 5732" [label="[]", style=dashed]; -"2389 5732" -> "2390 5733" [label="[]", style=dashed]; -"2390 5733" -> "2391 5734" [label="[]", style=solid]; -"2391 5734" -> "2392 5735" [label="[-1, -1]", style=dashed]; -"2392 5735" -> "2393 5736" [label="[-1, -1]", style=dashed]; -"2393 5736" -> "2394 5739" [label="[-1]", style=dashed]; -"2393 5736" -> "2400 5747" [label="[-1]", style=dashed]; -"2394 5739" -> "2396 5740" [label="[-1]", style=dashed]; -"2395 5738" -> "2396 5740" [label="[]", style=solid]; -"2396 5740" -> "2397 5749" [label="[]", style=solid]; -"2396 5740" -> "2405 5760" [label="[]", style=solid]; -"2397 5749" -> "2398 5750" [label="[]", style=solid]; -"2398 5750" -> "2402 5753" [label="[]", style=solid]; -"2399 5745" -> "2400 5747" [label="[]", style=solid]; -"2400 5747" -> "2401 5748" [label="[]", style=solid]; -"2400 5747" -> "3566 5758" [label="[]", style=solid]; -"2401 5748" -> "2402 5753" [label="[]", style=solid]; -"2402 5753" -> "2403 5755" [label="[-1, 3]", style=dashed]; -"2403 5755" -> "2404 5756" [label="[-1, 1]", style=dashed]; -"2404 5756" -> "2405 5760" [label="[-1]", style=dashed]; -"2404 5756" -> "3565 5757" [label="[-1]", style=dashed]; -"2405 5760" -> "3522 6520" [label="[]", style=solid]; -"2406 5686" -> "2407 5688" [label="[]", style=dashed]; -"2407 5688" -> "2408 5689" [label="[]", style=dashed]; -"2408 5689" -> "2409 5690" [label="[]", style=solid]; -"2409 5690" -> "2410 5691" [label="[-1, -1]", style=dashed]; -"2410 5691" -> "2411 5692" [label="[-1, -1]", style=dashed]; -"2411 5692" -> "2412 5695" [label="[-1]", style=dashed]; -"2411 5692" -> "2418 5703" [label="[-1]", style=dashed]; -"2412 5695" -> "2414 5696" [label="[-1]", style=dashed]; -"2413 5694" -> "2414 5696" [label="[]", style=solid]; -"2414 5696" -> "2415 5705" [label="[]", style=solid]; -"2414 5696" -> "2423 5716" [label="[]", style=solid]; -"2415 5705" -> "2416 5706" [label="[]", style=solid]; -"2416 5706" -> "2420 5709" [label="[]", style=solid]; -"2417 5701" -> "2418 5703" [label="[]", style=solid]; -"2418 5703" -> "2419 5704" [label="[]", style=solid]; -"2418 5703" -> "3568 5714" [label="[]", style=solid]; -"2419 5704" -> "2420 5709" [label="[]", style=solid]; -"2420 5709" -> "2421 5711" [label="[-1, 3]", style=dashed]; -"2421 5711" -> "2422 5712" [label="[-1, 1]", style=dashed]; -"2422 5712" -> "2423 5716" [label="[-1]", style=dashed]; -"2422 5712" -> "3567 5713" [label="[-1]", style=dashed]; -"2423 5716" -> "3522 6520" [label="[]", style=solid]; -"2424 5642" -> "2425 5644" [label="[]", style=dashed]; -"2425 5644" -> "2426 5645" [label="[]", style=dashed]; -"2426 5645" -> "2427 5646" [label="[]", style=solid]; -"2427 5646" -> "2428 5647" [label="[-1, -1]", style=dashed]; -"2428 5647" -> "2429 5648" [label="[-1, -1]", style=dashed]; -"2429 5648" -> "2430 5651" [label="[-1]", style=dashed]; -"2429 5648" -> "2436 5659" [label="[-1]", style=dashed]; -"2430 5651" -> "2432 5652" [label="[-1]", style=dashed]; -"2431 5650" -> "2432 5652" [label="[]", style=solid]; -"2432 5652" -> "2433 5661" [label="[]", style=solid]; -"2432 5652" -> "2441 5672" [label="[]", style=solid]; -"2433 5661" -> "2434 5662" [label="[]", style=solid]; -"2434 5662" -> "2438 5665" [label="[]", style=solid]; -"2435 5657" -> "2436 5659" [label="[]", style=solid]; -"2436 5659" -> "2437 5660" [label="[]", style=solid]; -"2436 5659" -> "3570 5670" [label="[]", style=solid]; -"2437 5660" -> "2438 5665" [label="[]", style=solid]; -"2438 5665" -> "2439 5667" [label="[-1, 3]", style=dashed]; -"2439 5667" -> "2440 5668" [label="[-1, 1]", style=dashed]; -"2440 5668" -> "2441 5672" [label="[-1]", style=dashed]; -"2440 5668" -> "3569 5669" [label="[-1]", style=dashed]; -"2441 5672" -> "3522 6520" [label="[]", style=solid]; -"2442 5598" -> "2443 5600" [label="[]", style=dashed]; -"2443 5600" -> "2444 5601" [label="[]", style=dashed]; -"2444 5601" -> "2445 5602" [label="[]", style=solid]; -"2445 5602" -> "2446 5603" [label="[-1, -1]", style=dashed]; -"2446 5603" -> "2447 5604" [label="[-1, -1]", style=dashed]; -"2447 5604" -> "2448 5607" [label="[-1]", style=dashed]; -"2447 5604" -> "2454 5615" [label="[-1]", style=dashed]; -"2448 5607" -> "2450 5608" [label="[-1]", style=dashed]; -"2449 5606" -> "2450 5608" [label="[]", style=solid]; -"2450 5608" -> "2451 5617" [label="[]", style=solid]; -"2450 5608" -> "2459 5628" [label="[]", style=solid]; -"2451 5617" -> "2452 5618" [label="[]", style=solid]; -"2452 5618" -> "2456 5621" [label="[]", style=solid]; -"2453 5613" -> "2454 5615" [label="[]", style=solid]; -"2454 5615" -> "2455 5616" [label="[]", style=solid]; -"2454 5615" -> "3572 5626" [label="[]", style=solid]; -"2455 5616" -> "2456 5621" [label="[]", style=solid]; -"2456 5621" -> "2457 5623" [label="[-1, 3]", style=dashed]; -"2457 5623" -> "2458 5624" [label="[-1, 1]", style=dashed]; -"2458 5624" -> "2459 5628" [label="[-1]", style=dashed]; -"2458 5624" -> "3571 5625" [label="[-1]", style=dashed]; -"2459 5628" -> "3522 6520" [label="[]", style=solid]; -"2460 5554" -> "2461 5556" [label="[]", style=dashed]; -"2461 5556" -> "2462 5557" [label="[]", style=dashed]; -"2462 5557" -> "2463 5558" [label="[]", style=solid]; -"2463 5558" -> "2464 5559" [label="[-1, -1]", style=dashed]; -"2464 5559" -> "2465 5560" [label="[-1, -1]", style=dashed]; -"2465 5560" -> "2466 5563" [label="[-1]", style=dashed]; -"2465 5560" -> "2472 5571" [label="[-1]", style=dashed]; -"2466 5563" -> "2468 5564" [label="[-1]", style=dashed]; -"2467 5562" -> "2468 5564" [label="[]", style=solid]; -"2468 5564" -> "2469 5573" [label="[]", style=solid]; -"2468 5564" -> "2477 5584" [label="[]", style=solid]; -"2469 5573" -> "2470 5574" [label="[]", style=solid]; -"2470 5574" -> "2474 5577" [label="[]", style=solid]; -"2471 5569" -> "2472 5571" [label="[]", style=solid]; -"2472 5571" -> "2473 5572" [label="[]", style=solid]; -"2472 5571" -> "3574 5582" [label="[]", style=solid]; -"2473 5572" -> "2474 5577" [label="[]", style=solid]; -"2474 5577" -> "2475 5579" [label="[-1, 3]", style=dashed]; -"2475 5579" -> "2476 5580" [label="[-1, 1]", style=dashed]; -"2476 5580" -> "2477 5584" [label="[-1]", style=dashed]; -"2476 5580" -> "3573 5581" [label="[-1]", style=dashed]; -"2477 5584" -> "3522 6520" [label="[]", style=solid]; -"2478 5510" -> "2479 5512" [label="[]", style=dashed]; -"2479 5512" -> "2480 5513" [label="[]", style=dashed]; -"2480 5513" -> "2481 5514" [label="[]", style=solid]; -"2481 5514" -> "2482 5515" [label="[-1, -1]", style=dashed]; -"2482 5515" -> "2483 5516" [label="[-1, -1]", style=dashed]; -"2483 5516" -> "2484 5519" [label="[-1]", style=dashed]; -"2483 5516" -> "2490 5527" [label="[-1]", style=dashed]; -"2484 5519" -> "2486 5520" [label="[-1]", style=dashed]; -"2485 5518" -> "2486 5520" [label="[]", style=solid]; -"2486 5520" -> "2487 5529" [label="[]", style=solid]; -"2486 5520" -> "2495 5540" [label="[]", style=solid]; -"2487 5529" -> "2488 5530" [label="[]", style=solid]; -"2488 5530" -> "2492 5533" [label="[]", style=solid]; -"2489 5525" -> "2490 5527" [label="[]", style=solid]; -"2490 5527" -> "2491 5528" [label="[]", style=solid]; -"2490 5527" -> "3576 5538" [label="[]", style=solid]; -"2491 5528" -> "2492 5533" [label="[]", style=solid]; -"2492 5533" -> "2493 5535" [label="[-1, 3]", style=dashed]; -"2493 5535" -> "2494 5536" [label="[-1, 1]", style=dashed]; -"2494 5536" -> "2495 5540" [label="[-1]", style=dashed]; -"2494 5536" -> "3575 5537" [label="[-1]", style=dashed]; -"2495 5540" -> "3522 6520" [label="[]", style=solid]; -"2496 5466" -> "2497 5468" [label="[]", style=dashed]; -"2497 5468" -> "2498 5469" [label="[]", style=dashed]; -"2498 5469" -> "2499 5470" [label="[]", style=solid]; -"2499 5470" -> "2500 5471" [label="[-1, -1]", style=dashed]; -"2500 5471" -> "2501 5472" [label="[-1, -1]", style=dashed]; -"2501 5472" -> "2502 5475" [label="[-1]", style=dashed]; -"2501 5472" -> "2508 5483" [label="[-1]", style=dashed]; -"2502 5475" -> "2504 5476" [label="[-1]", style=dashed]; -"2503 5474" -> "2504 5476" [label="[]", style=solid]; -"2504 5476" -> "2505 5485" [label="[]", style=solid]; -"2504 5476" -> "2513 5496" [label="[]", style=solid]; -"2505 5485" -> "2506 5486" [label="[]", style=solid]; -"2506 5486" -> "2510 5489" [label="[]", style=solid]; -"2507 5481" -> "2508 5483" [label="[]", style=solid]; -"2508 5483" -> "2509 5484" [label="[]", style=solid]; -"2508 5483" -> "3578 5494" [label="[]", style=solid]; -"2509 5484" -> "2510 5489" [label="[]", style=solid]; -"2510 5489" -> "2511 5491" [label="[-1, 3]", style=dashed]; -"2511 5491" -> "2512 5492" [label="[-1, 1]", style=dashed]; -"2512 5492" -> "2513 5496" [label="[-1]", style=dashed]; -"2512 5492" -> "3577 5493" [label="[-1]", style=dashed]; -"2513 5496" -> "3522 6520" [label="[]", style=solid]; -"2514 5422" -> "2515 5424" [label="[]", style=dashed]; -"2515 5424" -> "2516 5425" [label="[]", style=dashed]; -"2516 5425" -> "2517 5426" [label="[]", style=solid]; -"2517 5426" -> "2518 5427" [label="[-1, -1]", style=dashed]; -"2518 5427" -> "2519 5428" [label="[-1, -1]", style=dashed]; -"2519 5428" -> "2520 5431" [label="[-1]", style=dashed]; -"2519 5428" -> "2526 5439" [label="[-1]", style=dashed]; -"2520 5431" -> "2522 5432" [label="[-1]", style=dashed]; -"2521 5430" -> "2522 5432" [label="[]", style=solid]; -"2522 5432" -> "2523 5441" [label="[]", style=solid]; -"2522 5432" -> "2531 5452" [label="[]", style=solid]; -"2523 5441" -> "2524 5442" [label="[]", style=solid]; -"2524 5442" -> "2528 5445" [label="[]", style=solid]; -"2525 5437" -> "2526 5439" [label="[]", style=solid]; -"2526 5439" -> "2527 5440" [label="[]", style=solid]; -"2526 5439" -> "3580 5450" [label="[]", style=solid]; -"2527 5440" -> "2528 5445" [label="[]", style=solid]; -"2528 5445" -> "2529 5447" [label="[-1, 3]", style=dashed]; -"2529 5447" -> "2530 5448" [label="[-1, 1]", style=dashed]; -"2530 5448" -> "2531 5452" [label="[-1]", style=dashed]; -"2530 5448" -> "3579 5449" [label="[-1]", style=dashed]; -"2531 5452" -> "3522 6520" [label="[]", style=solid]; -"2532 5378" -> "2533 5380" [label="[]", style=dashed]; -"2533 5380" -> "2534 5381" [label="[]", style=dashed]; -"2534 5381" -> "2535 5382" [label="[]", style=solid]; -"2535 5382" -> "2536 5383" [label="[-1, -1]", style=dashed]; -"2536 5383" -> "2537 5384" [label="[-1, -1]", style=dashed]; -"2537 5384" -> "2538 5387" [label="[-1]", style=dashed]; -"2537 5384" -> "2544 5395" [label="[-1]", style=dashed]; -"2538 5387" -> "2540 5388" [label="[-1]", style=dashed]; -"2539 5386" -> "2540 5388" [label="[]", style=solid]; -"2540 5388" -> "2541 5397" [label="[]", style=solid]; -"2540 5388" -> "2549 5408" [label="[]", style=solid]; -"2541 5397" -> "2542 5398" [label="[]", style=solid]; -"2542 5398" -> "2546 5401" [label="[]", style=solid]; -"2543 5393" -> "2544 5395" [label="[]", style=solid]; -"2544 5395" -> "2545 5396" [label="[]", style=solid]; -"2544 5395" -> "3582 5406" [label="[]", style=solid]; -"2545 5396" -> "2546 5401" [label="[]", style=solid]; -"2546 5401" -> "2547 5403" [label="[-1, 3]", style=dashed]; -"2547 5403" -> "2548 5404" [label="[-1, 1]", style=dashed]; -"2548 5404" -> "2549 5408" [label="[-1]", style=dashed]; -"2548 5404" -> "3581 5405" [label="[-1]", style=dashed]; -"2549 5408" -> "3522 6520" [label="[]", style=solid]; -"2550 5334" -> "2551 5336" [label="[]", style=dashed]; -"2551 5336" -> "2552 5337" [label="[]", style=dashed]; -"2552 5337" -> "2553 5338" [label="[]", style=solid]; -"2553 5338" -> "2554 5339" [label="[-1, -1]", style=dashed]; -"2554 5339" -> "2555 5340" [label="[-1, -1]", style=dashed]; -"2555 5340" -> "2556 5343" [label="[-1]", style=dashed]; -"2555 5340" -> "2562 5351" [label="[-1]", style=dashed]; -"2556 5343" -> "2558 5344" [label="[-1]", style=dashed]; -"2557 5342" -> "2558 5344" [label="[]", style=solid]; -"2558 5344" -> "2559 5353" [label="[]", style=solid]; -"2558 5344" -> "2567 5364" [label="[]", style=solid]; -"2559 5353" -> "2560 5354" [label="[]", style=solid]; -"2560 5354" -> "2564 5357" [label="[]", style=solid]; -"2561 5349" -> "2562 5351" [label="[]", style=solid]; -"2562 5351" -> "2563 5352" [label="[]", style=solid]; -"2562 5351" -> "3584 5362" [label="[]", style=solid]; -"2563 5352" -> "2564 5357" [label="[]", style=solid]; -"2564 5357" -> "2565 5359" [label="[-1, 3]", style=dashed]; -"2565 5359" -> "2566 5360" [label="[-1, 1]", style=dashed]; -"2566 5360" -> "2567 5364" [label="[-1]", style=dashed]; -"2566 5360" -> "3583 5361" [label="[-1]", style=dashed]; -"2567 5364" -> "3522 6520" [label="[]", style=solid]; -"2568 5290" -> "2569 5292" [label="[]", style=dashed]; -"2569 5292" -> "2570 5293" [label="[]", style=dashed]; -"2570 5293" -> "2571 5294" [label="[]", style=solid]; -"2571 5294" -> "2572 5295" [label="[-1, -1]", style=dashed]; -"2572 5295" -> "2573 5296" [label="[-1, -1]", style=dashed]; -"2573 5296" -> "2574 5299" [label="[-1]", style=dashed]; -"2573 5296" -> "2580 5307" [label="[-1]", style=dashed]; -"2574 5299" -> "2576 5300" [label="[-1]", style=dashed]; -"2575 5298" -> "2576 5300" [label="[]", style=solid]; -"2576 5300" -> "2577 5309" [label="[]", style=solid]; -"2576 5300" -> "2585 5320" [label="[]", style=solid]; -"2577 5309" -> "2578 5310" [label="[]", style=solid]; -"2578 5310" -> "2582 5313" [label="[]", style=solid]; -"2579 5305" -> "2580 5307" [label="[]", style=solid]; -"2580 5307" -> "2581 5308" [label="[]", style=solid]; -"2580 5307" -> "3586 5318" [label="[]", style=solid]; -"2581 5308" -> "2582 5313" [label="[]", style=solid]; -"2582 5313" -> "2583 5315" [label="[-1, 3]", style=dashed]; -"2583 5315" -> "2584 5316" [label="[-1, 1]", style=dashed]; -"2584 5316" -> "2585 5320" [label="[-1]", style=dashed]; -"2584 5316" -> "3585 5317" [label="[-1]", style=dashed]; -"2585 5320" -> "3522 6520" [label="[]", style=solid]; -"2586 5246" -> "2587 5248" [label="[]", style=dashed]; -"2587 5248" -> "2588 5249" [label="[]", style=dashed]; -"2588 5249" -> "2589 5250" [label="[]", style=solid]; -"2589 5250" -> "2590 5251" [label="[-1, -1]", style=dashed]; -"2590 5251" -> "2591 5252" [label="[-1, -1]", style=dashed]; -"2591 5252" -> "2592 5255" [label="[-1]", style=dashed]; -"2591 5252" -> "2598 5263" [label="[-1]", style=dashed]; -"2592 5255" -> "2594 5256" [label="[-1]", style=dashed]; -"2593 5254" -> "2594 5256" [label="[]", style=solid]; -"2594 5256" -> "2595 5265" [label="[]", style=solid]; -"2594 5256" -> "2603 5276" [label="[]", style=solid]; -"2595 5265" -> "2596 5266" [label="[]", style=solid]; -"2596 5266" -> "2600 5269" [label="[]", style=solid]; -"2597 5261" -> "2598 5263" [label="[]", style=solid]; -"2598 5263" -> "2599 5264" [label="[]", style=solid]; -"2598 5263" -> "3588 5274" [label="[]", style=solid]; -"2599 5264" -> "2600 5269" [label="[]", style=solid]; -"2600 5269" -> "2601 5271" [label="[-1, 3]", style=dashed]; -"2601 5271" -> "2602 5272" [label="[-1, 1]", style=dashed]; -"2602 5272" -> "2603 5276" [label="[-1]", style=dashed]; -"2602 5272" -> "3587 5273" [label="[-1]", style=dashed]; -"2603 5276" -> "3522 6520" [label="[]", style=solid]; -"2604 5202" -> "2605 5204" [label="[]", style=dashed]; -"2605 5204" -> "2606 5205" [label="[]", style=dashed]; -"2606 5205" -> "2607 5206" [label="[]", style=solid]; -"2607 5206" -> "2608 5207" [label="[-1, -1]", style=dashed]; -"2608 5207" -> "2609 5208" [label="[-1, -1]", style=dashed]; -"2609 5208" -> "2610 5211" [label="[-1]", style=dashed]; -"2609 5208" -> "2616 5219" [label="[-1]", style=dashed]; -"2610 5211" -> "2612 5212" [label="[-1]", style=dashed]; -"2611 5210" -> "2612 5212" [label="[]", style=solid]; -"2612 5212" -> "2613 5221" [label="[]", style=solid]; -"2612 5212" -> "2621 5232" [label="[]", style=solid]; -"2613 5221" -> "2614 5222" [label="[]", style=solid]; -"2614 5222" -> "2618 5225" [label="[]", style=solid]; -"2615 5217" -> "2616 5219" [label="[]", style=solid]; -"2616 5219" -> "2617 5220" [label="[]", style=solid]; -"2616 5219" -> "3590 5230" [label="[]", style=solid]; -"2617 5220" -> "2618 5225" [label="[]", style=solid]; -"2618 5225" -> "2619 5227" [label="[-1, 3]", style=dashed]; -"2619 5227" -> "2620 5228" [label="[-1, 1]", style=dashed]; -"2620 5228" -> "2621 5232" [label="[-1]", style=dashed]; -"2620 5228" -> "3589 5229" [label="[-1]", style=dashed]; -"2621 5232" -> "3522 6520" [label="[]", style=solid]; -"2622 5158" -> "2623 5160" [label="[]", style=dashed]; -"2623 5160" -> "2624 5161" [label="[]", style=dashed]; -"2624 5161" -> "2625 5162" [label="[]", style=solid]; -"2625 5162" -> "2626 5163" [label="[-1, -1]", style=dashed]; -"2626 5163" -> "2627 5164" [label="[-1, -1]", style=dashed]; -"2627 5164" -> "2628 5167" [label="[-1]", style=dashed]; -"2627 5164" -> "2634 5175" [label="[-1]", style=dashed]; -"2628 5167" -> "2630 5168" [label="[-1]", style=dashed]; -"2629 5166" -> "2630 5168" [label="[]", style=solid]; -"2630 5168" -> "2631 5177" [label="[]", style=solid]; -"2630 5168" -> "2639 5188" [label="[]", style=solid]; -"2631 5177" -> "2632 5178" [label="[]", style=solid]; -"2632 5178" -> "2636 5181" [label="[]", style=solid]; -"2633 5173" -> "2634 5175" [label="[]", style=solid]; -"2634 5175" -> "2635 5176" [label="[]", style=solid]; -"2634 5175" -> "3592 5186" [label="[]", style=solid]; -"2635 5176" -> "2636 5181" [label="[]", style=solid]; -"2636 5181" -> "2637 5183" [label="[-1, 3]", style=dashed]; -"2637 5183" -> "2638 5184" [label="[-1, 1]", style=dashed]; -"2638 5184" -> "2639 5188" [label="[-1]", style=dashed]; -"2638 5184" -> "3591 5185" [label="[-1]", style=dashed]; -"2639 5188" -> "3522 6520" [label="[]", style=solid]; -"2640 5114" -> "2641 5116" [label="[]", style=dashed]; -"2641 5116" -> "2642 5117" [label="[]", style=dashed]; -"2642 5117" -> "2643 5118" [label="[]", style=solid]; -"2643 5118" -> "2644 5119" [label="[-1, -1]", style=dashed]; -"2644 5119" -> "2645 5120" [label="[-1, -1]", style=dashed]; -"2645 5120" -> "2646 5123" [label="[-1]", style=dashed]; -"2645 5120" -> "2652 5131" [label="[-1]", style=dashed]; -"2646 5123" -> "2648 5124" [label="[-1]", style=dashed]; -"2647 5122" -> "2648 5124" [label="[]", style=solid]; -"2648 5124" -> "2649 5133" [label="[]", style=solid]; -"2648 5124" -> "2657 5144" [label="[]", style=solid]; -"2649 5133" -> "2650 5134" [label="[]", style=solid]; -"2650 5134" -> "2654 5137" [label="[]", style=solid]; -"2651 5129" -> "2652 5131" [label="[]", style=solid]; -"2652 5131" -> "2653 5132" [label="[]", style=solid]; -"2652 5131" -> "3594 5142" [label="[]", style=solid]; -"2653 5132" -> "2654 5137" [label="[]", style=solid]; -"2654 5137" -> "2655 5139" [label="[-1, 3]", style=dashed]; -"2655 5139" -> "2656 5140" [label="[-1, 1]", style=dashed]; -"2656 5140" -> "2657 5144" [label="[-1]", style=dashed]; -"2656 5140" -> "3593 5141" [label="[-1]", style=dashed]; -"2657 5144" -> "3522 6520" [label="[]", style=solid]; -"2658 5070" -> "2659 5072" [label="[]", style=dashed]; -"2659 5072" -> "2660 5073" [label="[]", style=dashed]; -"2660 5073" -> "2661 5074" [label="[]", style=solid]; -"2661 5074" -> "2662 5075" [label="[-1, -1]", style=dashed]; -"2662 5075" -> "2663 5076" [label="[-1, -1]", style=dashed]; -"2663 5076" -> "2664 5079" [label="[-1]", style=dashed]; -"2663 5076" -> "2670 5087" [label="[-1]", style=dashed]; -"2664 5079" -> "2666 5080" [label="[-1]", style=dashed]; -"2665 5078" -> "2666 5080" [label="[]", style=solid]; -"2666 5080" -> "2667 5089" [label="[]", style=solid]; -"2666 5080" -> "2675 5100" [label="[]", style=solid]; -"2667 5089" -> "2668 5090" [label="[]", style=solid]; -"2668 5090" -> "2672 5093" [label="[]", style=solid]; -"2669 5085" -> "2670 5087" [label="[]", style=solid]; -"2670 5087" -> "2671 5088" [label="[]", style=solid]; -"2670 5087" -> "3596 5098" [label="[]", style=solid]; -"2671 5088" -> "2672 5093" [label="[]", style=solid]; -"2672 5093" -> "2673 5095" [label="[-1, 3]", style=dashed]; -"2673 5095" -> "2674 5096" [label="[-1, 1]", style=dashed]; -"2674 5096" -> "2675 5100" [label="[-1]", style=dashed]; -"2674 5096" -> "3595 5097" [label="[-1]", style=dashed]; -"2675 5100" -> "3522 6520" [label="[]", style=solid]; -"2676 5026" -> "2677 5028" [label="[]", style=dashed]; -"2677 5028" -> "2678 5029" [label="[]", style=dashed]; -"2678 5029" -> "2679 5030" [label="[]", style=solid]; -"2679 5030" -> "2680 5031" [label="[-1, -1]", style=dashed]; -"2680 5031" -> "2681 5032" [label="[-1, -1]", style=dashed]; -"2681 5032" -> "2682 5035" [label="[-1]", style=dashed]; -"2681 5032" -> "2688 5043" [label="[-1]", style=dashed]; -"2682 5035" -> "2684 5036" [label="[-1]", style=dashed]; -"2683 5034" -> "2684 5036" [label="[]", style=solid]; -"2684 5036" -> "2685 5045" [label="[]", style=solid]; -"2684 5036" -> "2693 5056" [label="[]", style=solid]; -"2685 5045" -> "2686 5046" [label="[]", style=solid]; -"2686 5046" -> "2690 5049" [label="[]", style=solid]; -"2687 5041" -> "2688 5043" [label="[]", style=solid]; -"2688 5043" -> "2689 5044" [label="[]", style=solid]; -"2688 5043" -> "3598 5054" [label="[]", style=solid]; -"2689 5044" -> "2690 5049" [label="[]", style=solid]; -"2690 5049" -> "2691 5051" [label="[-1, 3]", style=dashed]; -"2691 5051" -> "2692 5052" [label="[-1, 1]", style=dashed]; -"2692 5052" -> "2693 5056" [label="[-1]", style=dashed]; -"2692 5052" -> "3597 5053" [label="[-1]", style=dashed]; -"2693 5056" -> "3522 6520" [label="[]", style=solid]; -"2694 4982" -> "2695 4984" [label="[]", style=dashed]; -"2695 4984" -> "2696 4985" [label="[]", style=dashed]; -"2696 4985" -> "2697 4986" [label="[]", style=solid]; -"2697 4986" -> "2698 4987" [label="[-1, -1]", style=dashed]; -"2698 4987" -> "2699 4988" [label="[-1, -1]", style=dashed]; -"2699 4988" -> "2700 4991" [label="[-1]", style=dashed]; -"2699 4988" -> "2706 4999" [label="[-1]", style=dashed]; -"2700 4991" -> "2702 4992" [label="[-1]", style=dashed]; -"2701 4990" -> "2702 4992" [label="[]", style=solid]; -"2702 4992" -> "2703 5001" [label="[]", style=solid]; -"2702 4992" -> "2711 5012" [label="[]", style=solid]; -"2703 5001" -> "2704 5002" [label="[]", style=solid]; -"2704 5002" -> "2708 5005" [label="[]", style=solid]; -"2705 4997" -> "2706 4999" [label="[]", style=solid]; -"2706 4999" -> "2707 5000" [label="[]", style=solid]; -"2706 4999" -> "3600 5010" [label="[]", style=solid]; -"2707 5000" -> "2708 5005" [label="[]", style=solid]; -"2708 5005" -> "2709 5007" [label="[-1, 3]", style=dashed]; -"2709 5007" -> "2710 5008" [label="[-1, 1]", style=dashed]; -"2710 5008" -> "2711 5012" [label="[-1]", style=dashed]; -"2710 5008" -> "3599 5009" [label="[-1]", style=dashed]; -"2711 5012" -> "3522 6520" [label="[]", style=solid]; -"2712 4938" -> "2713 4940" [label="[]", style=dashed]; -"2713 4940" -> "2714 4941" [label="[]", style=dashed]; -"2714 4941" -> "2715 4942" [label="[]", style=solid]; -"2715 4942" -> "2716 4943" [label="[-1, -1]", style=dashed]; -"2716 4943" -> "2717 4944" [label="[-1, -1]", style=dashed]; -"2717 4944" -> "2718 4947" [label="[-1]", style=dashed]; -"2717 4944" -> "2724 4955" [label="[-1]", style=dashed]; -"2718 4947" -> "2720 4948" [label="[-1]", style=dashed]; -"2719 4946" -> "2720 4948" [label="[]", style=solid]; -"2720 4948" -> "2721 4957" [label="[]", style=solid]; -"2720 4948" -> "2729 4968" [label="[]", style=solid]; -"2721 4957" -> "2722 4958" [label="[]", style=solid]; -"2722 4958" -> "2726 4961" [label="[]", style=solid]; -"2723 4953" -> "2724 4955" [label="[]", style=solid]; -"2724 4955" -> "2725 4956" [label="[]", style=solid]; -"2724 4955" -> "3602 4966" [label="[]", style=solid]; -"2725 4956" -> "2726 4961" [label="[]", style=solid]; -"2726 4961" -> "2727 4963" [label="[-1, 3]", style=dashed]; -"2727 4963" -> "2728 4964" [label="[-1, 1]", style=dashed]; -"2728 4964" -> "2729 4968" [label="[-1]", style=dashed]; -"2728 4964" -> "3601 4965" [label="[-1]", style=dashed]; -"2729 4968" -> "3522 6520" [label="[]", style=solid]; -"2730 4894" -> "2731 4896" [label="[]", style=dashed]; -"2731 4896" -> "2732 4897" [label="[]", style=dashed]; -"2732 4897" -> "2733 4898" [label="[]", style=solid]; -"2733 4898" -> "2734 4899" [label="[-1, -1]", style=dashed]; -"2734 4899" -> "2735 4900" [label="[-1, -1]", style=dashed]; -"2735 4900" -> "2736 4903" [label="[-1]", style=dashed]; -"2735 4900" -> "2742 4911" [label="[-1]", style=dashed]; -"2736 4903" -> "2738 4904" [label="[-1]", style=dashed]; -"2737 4902" -> "2738 4904" [label="[]", style=solid]; -"2738 4904" -> "2739 4913" [label="[]", style=solid]; -"2738 4904" -> "2747 4924" [label="[]", style=solid]; -"2739 4913" -> "2740 4914" [label="[]", style=solid]; -"2740 4914" -> "2744 4917" [label="[]", style=solid]; -"2741 4909" -> "2742 4911" [label="[]", style=solid]; -"2742 4911" -> "2743 4912" [label="[]", style=solid]; -"2742 4911" -> "3604 4922" [label="[]", style=solid]; -"2743 4912" -> "2744 4917" [label="[]", style=solid]; -"2744 4917" -> "2745 4919" [label="[-1, 3]", style=dashed]; -"2745 4919" -> "2746 4920" [label="[-1, 1]", style=dashed]; -"2746 4920" -> "2747 4924" [label="[-1]", style=dashed]; -"2746 4920" -> "3603 4921" [label="[-1]", style=dashed]; -"2747 4924" -> "3522 6520" [label="[]", style=solid]; -"2748 4850" -> "2749 4852" [label="[]", style=dashed]; -"2749 4852" -> "2750 4853" [label="[]", style=dashed]; -"2750 4853" -> "2751 4854" [label="[]", style=solid]; -"2751 4854" -> "2752 4855" [label="[-1, -1]", style=dashed]; -"2752 4855" -> "2753 4856" [label="[-1, -1]", style=dashed]; -"2753 4856" -> "2754 4859" [label="[-1]", style=dashed]; -"2753 4856" -> "2760 4867" [label="[-1]", style=dashed]; -"2754 4859" -> "2756 4860" [label="[-1]", style=dashed]; -"2755 4858" -> "2756 4860" [label="[]", style=solid]; -"2756 4860" -> "2757 4869" [label="[]", style=solid]; -"2756 4860" -> "2765 4880" [label="[]", style=solid]; -"2757 4869" -> "2758 4870" [label="[]", style=solid]; -"2758 4870" -> "2762 4873" [label="[]", style=solid]; -"2759 4865" -> "2760 4867" [label="[]", style=solid]; -"2760 4867" -> "2761 4868" [label="[]", style=solid]; -"2760 4867" -> "3606 4878" [label="[]", style=solid]; -"2761 4868" -> "2762 4873" [label="[]", style=solid]; -"2762 4873" -> "2763 4875" [label="[-1, 3]", style=dashed]; -"2763 4875" -> "2764 4876" [label="[-1, 1]", style=dashed]; -"2764 4876" -> "2765 4880" [label="[-1]", style=dashed]; -"2764 4876" -> "3605 4877" [label="[-1]", style=dashed]; -"2765 4880" -> "3522 6520" [label="[]", style=solid]; -"2766 4806" -> "2767 4808" [label="[]", style=dashed]; -"2767 4808" -> "2768 4809" [label="[]", style=dashed]; -"2768 4809" -> "2769 4810" [label="[]", style=solid]; -"2769 4810" -> "2770 4811" [label="[-1, -1]", style=dashed]; -"2770 4811" -> "2771 4812" [label="[-1, -1]", style=dashed]; -"2771 4812" -> "2772 4815" [label="[-1]", style=dashed]; -"2771 4812" -> "2778 4823" [label="[-1]", style=dashed]; -"2772 4815" -> "2774 4816" [label="[-1]", style=dashed]; -"2773 4814" -> "2774 4816" [label="[]", style=solid]; -"2774 4816" -> "2775 4825" [label="[]", style=solid]; -"2774 4816" -> "2783 4836" [label="[]", style=solid]; -"2775 4825" -> "2776 4826" [label="[]", style=solid]; -"2776 4826" -> "2780 4829" [label="[]", style=solid]; -"2777 4821" -> "2778 4823" [label="[]", style=solid]; -"2778 4823" -> "2779 4824" [label="[]", style=solid]; -"2778 4823" -> "3608 4834" [label="[]", style=solid]; -"2779 4824" -> "2780 4829" [label="[]", style=solid]; -"2780 4829" -> "2781 4831" [label="[-1, 3]", style=dashed]; -"2781 4831" -> "2782 4832" [label="[-1, 1]", style=dashed]; -"2782 4832" -> "2783 4836" [label="[-1]", style=dashed]; -"2782 4832" -> "3607 4833" [label="[-1]", style=dashed]; -"2783 4836" -> "3522 6520" [label="[]", style=solid]; -"2784 4762" -> "2785 4764" [label="[]", style=dashed]; -"2785 4764" -> "2786 4765" [label="[]", style=dashed]; -"2786 4765" -> "2787 4766" [label="[]", style=solid]; -"2787 4766" -> "2788 4767" [label="[-1, -1]", style=dashed]; -"2788 4767" -> "2789 4768" [label="[-1, -1]", style=dashed]; -"2789 4768" -> "2790 4771" [label="[-1]", style=dashed]; -"2789 4768" -> "2796 4779" [label="[-1]", style=dashed]; -"2790 4771" -> "2792 4772" [label="[-1]", style=dashed]; -"2791 4770" -> "2792 4772" [label="[]", style=solid]; -"2792 4772" -> "2793 4781" [label="[]", style=solid]; -"2792 4772" -> "2801 4792" [label="[]", style=solid]; -"2793 4781" -> "2794 4782" [label="[]", style=solid]; -"2794 4782" -> "2798 4785" [label="[]", style=solid]; -"2795 4777" -> "2796 4779" [label="[]", style=solid]; -"2796 4779" -> "2797 4780" [label="[]", style=solid]; -"2796 4779" -> "3610 4790" [label="[]", style=solid]; -"2797 4780" -> "2798 4785" [label="[]", style=solid]; -"2798 4785" -> "2799 4787" [label="[-1, 3]", style=dashed]; -"2799 4787" -> "2800 4788" [label="[-1, 1]", style=dashed]; -"2800 4788" -> "2801 4792" [label="[-1]", style=dashed]; -"2800 4788" -> "3609 4789" [label="[-1]", style=dashed]; -"2801 4792" -> "3522 6520" [label="[]", style=solid]; -"2802 4718" -> "2803 4720" [label="[]", style=dashed]; -"2803 4720" -> "2804 4721" [label="[]", style=dashed]; -"2804 4721" -> "2805 4722" [label="[]", style=solid]; -"2805 4722" -> "2806 4723" [label="[-1, -1]", style=dashed]; -"2806 4723" -> "2807 4724" [label="[-1, -1]", style=dashed]; -"2807 4724" -> "2808 4727" [label="[-1]", style=dashed]; -"2807 4724" -> "2814 4735" [label="[-1]", style=dashed]; -"2808 4727" -> "2810 4728" [label="[-1]", style=dashed]; -"2809 4726" -> "2810 4728" [label="[]", style=solid]; -"2810 4728" -> "2811 4737" [label="[]", style=solid]; -"2810 4728" -> "2819 4748" [label="[]", style=solid]; -"2811 4737" -> "2812 4738" [label="[]", style=solid]; -"2812 4738" -> "2816 4741" [label="[]", style=solid]; -"2813 4733" -> "2814 4735" [label="[]", style=solid]; -"2814 4735" -> "2815 4736" [label="[]", style=solid]; -"2814 4735" -> "3612 4746" [label="[]", style=solid]; -"2815 4736" -> "2816 4741" [label="[]", style=solid]; -"2816 4741" -> "2817 4743" [label="[-1, 3]", style=dashed]; -"2817 4743" -> "2818 4744" [label="[-1, 1]", style=dashed]; -"2818 4744" -> "2819 4748" [label="[-1]", style=dashed]; -"2818 4744" -> "3611 4745" [label="[-1]", style=dashed]; -"2819 4748" -> "3522 6520" [label="[]", style=solid]; -"2820 4674" -> "2821 4676" [label="[]", style=dashed]; -"2821 4676" -> "2822 4677" [label="[]", style=dashed]; -"2822 4677" -> "2823 4678" [label="[]", style=solid]; -"2823 4678" -> "2824 4679" [label="[-1, -1]", style=dashed]; -"2824 4679" -> "2825 4680" [label="[-1, -1]", style=dashed]; -"2825 4680" -> "2826 4683" [label="[-1]", style=dashed]; -"2825 4680" -> "2832 4691" [label="[-1]", style=dashed]; -"2826 4683" -> "2828 4684" [label="[-1]", style=dashed]; -"2827 4682" -> "2828 4684" [label="[]", style=solid]; -"2828 4684" -> "2829 4693" [label="[]", style=solid]; -"2828 4684" -> "2837 4704" [label="[]", style=solid]; -"2829 4693" -> "2830 4694" [label="[]", style=solid]; -"2830 4694" -> "2834 4697" [label="[]", style=solid]; -"2831 4689" -> "2832 4691" [label="[]", style=solid]; -"2832 4691" -> "2833 4692" [label="[]", style=solid]; -"2832 4691" -> "3614 4702" [label="[]", style=solid]; -"2833 4692" -> "2834 4697" [label="[]", style=solid]; -"2834 4697" -> "2835 4699" [label="[-1, 3]", style=dashed]; -"2835 4699" -> "2836 4700" [label="[-1, 1]", style=dashed]; -"2836 4700" -> "2837 4704" [label="[-1]", style=dashed]; -"2836 4700" -> "3613 4701" [label="[-1]", style=dashed]; -"2837 4704" -> "3522 6520" [label="[]", style=solid]; -"2838 4630" -> "2839 4632" [label="[]", style=dashed]; -"2839 4632" -> "2840 4633" [label="[]", style=dashed]; -"2840 4633" -> "2841 4634" [label="[]", style=solid]; -"2841 4634" -> "2842 4635" [label="[-1, -1]", style=dashed]; -"2842 4635" -> "2843 4636" [label="[-1, -1]", style=dashed]; -"2843 4636" -> "2844 4639" [label="[-1]", style=dashed]; -"2843 4636" -> "2850 4647" [label="[-1]", style=dashed]; -"2844 4639" -> "2846 4640" [label="[-1]", style=dashed]; -"2845 4638" -> "2846 4640" [label="[]", style=solid]; -"2846 4640" -> "2847 4649" [label="[]", style=solid]; -"2846 4640" -> "2855 4660" [label="[]", style=solid]; -"2847 4649" -> "2848 4650" [label="[]", style=solid]; -"2848 4650" -> "2852 4653" [label="[]", style=solid]; -"2849 4645" -> "2850 4647" [label="[]", style=solid]; -"2850 4647" -> "2851 4648" [label="[]", style=solid]; -"2850 4647" -> "3616 4658" [label="[]", style=solid]; -"2851 4648" -> "2852 4653" [label="[]", style=solid]; -"2852 4653" -> "2853 4655" [label="[-1, 3]", style=dashed]; -"2853 4655" -> "2854 4656" [label="[-1, 1]", style=dashed]; -"2854 4656" -> "2855 4660" [label="[-1]", style=dashed]; -"2854 4656" -> "3615 4657" [label="[-1]", style=dashed]; -"2855 4660" -> "3522 6520" [label="[]", style=solid]; -"2856 4586" -> "2857 4588" [label="[]", style=dashed]; -"2857 4588" -> "2858 4589" [label="[]", style=dashed]; -"2858 4589" -> "2859 4590" [label="[]", style=solid]; -"2859 4590" -> "2860 4591" [label="[-1, -1]", style=dashed]; -"2860 4591" -> "2861 4592" [label="[-1, -1]", style=dashed]; -"2861 4592" -> "2862 4595" [label="[-1]", style=dashed]; -"2861 4592" -> "2868 4603" [label="[-1]", style=dashed]; -"2862 4595" -> "2864 4596" [label="[-1]", style=dashed]; -"2863 4594" -> "2864 4596" [label="[]", style=solid]; -"2864 4596" -> "2865 4605" [label="[]", style=solid]; -"2864 4596" -> "2873 4616" [label="[]", style=solid]; -"2865 4605" -> "2866 4606" [label="[]", style=solid]; -"2866 4606" -> "2870 4609" [label="[]", style=solid]; -"2867 4601" -> "2868 4603" [label="[]", style=solid]; -"2868 4603" -> "2869 4604" [label="[]", style=solid]; -"2868 4603" -> "3618 4614" [label="[]", style=solid]; -"2869 4604" -> "2870 4609" [label="[]", style=solid]; -"2870 4609" -> "2871 4611" [label="[-1, 3]", style=dashed]; -"2871 4611" -> "2872 4612" [label="[-1, 1]", style=dashed]; -"2872 4612" -> "2873 4616" [label="[-1]", style=dashed]; -"2872 4612" -> "3617 4613" [label="[-1]", style=dashed]; -"2873 4616" -> "3522 6520" [label="[]", style=solid]; -"2874 4542" -> "2875 4544" [label="[]", style=dashed]; -"2875 4544" -> "2876 4545" [label="[]", style=dashed]; -"2876 4545" -> "2877 4546" [label="[]", style=solid]; -"2877 4546" -> "2878 4547" [label="[-1, -1]", style=dashed]; -"2878 4547" -> "2879 4548" [label="[-1, -1]", style=dashed]; -"2879 4548" -> "2880 4551" [label="[-1]", style=dashed]; -"2879 4548" -> "2886 4559" [label="[-1]", style=dashed]; -"2880 4551" -> "2882 4552" [label="[-1]", style=dashed]; -"2881 4550" -> "2882 4552" [label="[]", style=solid]; -"2882 4552" -> "2883 4561" [label="[]", style=solid]; -"2882 4552" -> "2891 4572" [label="[]", style=solid]; -"2883 4561" -> "2884 4562" [label="[]", style=solid]; -"2884 4562" -> "2888 4565" [label="[]", style=solid]; -"2885 4557" -> "2886 4559" [label="[]", style=solid]; -"2886 4559" -> "2887 4560" [label="[]", style=solid]; -"2886 4559" -> "3620 4570" [label="[]", style=solid]; -"2887 4560" -> "2888 4565" [label="[]", style=solid]; -"2888 4565" -> "2889 4567" [label="[-1, 3]", style=dashed]; -"2889 4567" -> "2890 4568" [label="[-1, 1]", style=dashed]; -"2890 4568" -> "2891 4572" [label="[-1]", style=dashed]; -"2890 4568" -> "3619 4569" [label="[-1]", style=dashed]; -"2891 4572" -> "3522 6520" [label="[]", style=solid]; -"2892 4498" -> "2893 4500" [label="[]", style=dashed]; -"2893 4500" -> "2894 4501" [label="[]", style=dashed]; -"2894 4501" -> "2895 4502" [label="[]", style=solid]; -"2895 4502" -> "2896 4503" [label="[-1, -1]", style=dashed]; -"2896 4503" -> "2897 4504" [label="[-1, -1]", style=dashed]; -"2897 4504" -> "2898 4507" [label="[-1]", style=dashed]; -"2897 4504" -> "2904 4515" [label="[-1]", style=dashed]; -"2898 4507" -> "2900 4508" [label="[-1]", style=dashed]; -"2899 4506" -> "2900 4508" [label="[]", style=solid]; -"2900 4508" -> "2901 4517" [label="[]", style=solid]; -"2900 4508" -> "2909 4528" [label="[]", style=solid]; -"2901 4517" -> "2902 4518" [label="[]", style=solid]; -"2902 4518" -> "2906 4521" [label="[]", style=solid]; -"2903 4513" -> "2904 4515" [label="[]", style=solid]; -"2904 4515" -> "2905 4516" [label="[]", style=solid]; -"2904 4515" -> "3622 4526" [label="[]", style=solid]; -"2905 4516" -> "2906 4521" [label="[]", style=solid]; -"2906 4521" -> "2907 4523" [label="[-1, 3]", style=dashed]; -"2907 4523" -> "2908 4524" [label="[-1, 1]", style=dashed]; -"2908 4524" -> "2909 4528" [label="[-1]", style=dashed]; -"2908 4524" -> "3621 4525" [label="[-1]", style=dashed]; -"2909 4528" -> "3522 6520" [label="[]", style=solid]; -"2910 4454" -> "2911 4456" [label="[]", style=dashed]; -"2911 4456" -> "2912 4457" [label="[]", style=dashed]; -"2912 4457" -> "2913 4458" [label="[]", style=solid]; -"2913 4458" -> "2914 4459" [label="[-1, -1]", style=dashed]; -"2914 4459" -> "2915 4460" [label="[-1, -1]", style=dashed]; -"2915 4460" -> "2916 4463" [label="[-1]", style=dashed]; -"2915 4460" -> "2922 4471" [label="[-1]", style=dashed]; -"2916 4463" -> "2918 4464" [label="[-1]", style=dashed]; -"2917 4462" -> "2918 4464" [label="[]", style=solid]; -"2918 4464" -> "2919 4473" [label="[]", style=solid]; -"2918 4464" -> "2927 4484" [label="[]", style=solid]; -"2919 4473" -> "2920 4474" [label="[]", style=solid]; -"2920 4474" -> "2924 4477" [label="[]", style=solid]; -"2921 4469" -> "2922 4471" [label="[]", style=solid]; -"2922 4471" -> "2923 4472" [label="[]", style=solid]; -"2922 4471" -> "3624 4482" [label="[]", style=solid]; -"2923 4472" -> "2924 4477" [label="[]", style=solid]; -"2924 4477" -> "2925 4479" [label="[-1, 3]", style=dashed]; -"2925 4479" -> "2926 4480" [label="[-1, 1]", style=dashed]; -"2926 4480" -> "2927 4484" [label="[-1]", style=dashed]; -"2926 4480" -> "3623 4481" [label="[-1]", style=dashed]; -"2927 4484" -> "3522 6520" [label="[]", style=solid]; -"2928 4410" -> "2929 4412" [label="[]", style=dashed]; -"2929 4412" -> "2930 4413" [label="[]", style=dashed]; -"2930 4413" -> "2931 4414" [label="[]", style=solid]; -"2931 4414" -> "2932 4415" [label="[-1, -1]", style=dashed]; -"2932 4415" -> "2933 4416" [label="[-1, -1]", style=dashed]; -"2933 4416" -> "2934 4419" [label="[-1]", style=dashed]; -"2933 4416" -> "2940 4427" [label="[-1]", style=dashed]; -"2934 4419" -> "2936 4420" [label="[-1]", style=dashed]; -"2935 4418" -> "2936 4420" [label="[]", style=solid]; -"2936 4420" -> "2937 4429" [label="[]", style=solid]; -"2936 4420" -> "2945 4440" [label="[]", style=solid]; -"2937 4429" -> "2938 4430" [label="[]", style=solid]; -"2938 4430" -> "2942 4433" [label="[]", style=solid]; -"2939 4425" -> "2940 4427" [label="[]", style=solid]; -"2940 4427" -> "2941 4428" [label="[]", style=solid]; -"2940 4427" -> "3626 4438" [label="[]", style=solid]; -"2941 4428" -> "2942 4433" [label="[]", style=solid]; -"2942 4433" -> "2943 4435" [label="[-1, 3]", style=dashed]; -"2943 4435" -> "2944 4436" [label="[-1, 1]", style=dashed]; -"2944 4436" -> "2945 4440" [label="[-1]", style=dashed]; -"2944 4436" -> "3625 4437" [label="[-1]", style=dashed]; -"2945 4440" -> "3522 6520" [label="[]", style=solid]; -"2946 4366" -> "2947 4368" [label="[]", style=dashed]; -"2947 4368" -> "2948 4369" [label="[]", style=dashed]; -"2948 4369" -> "2949 4370" [label="[]", style=solid]; -"2949 4370" -> "2950 4371" [label="[-1, -1]", style=dashed]; -"2950 4371" -> "2951 4372" [label="[-1, -1]", style=dashed]; -"2951 4372" -> "2952 4375" [label="[-1]", style=dashed]; -"2951 4372" -> "2958 4383" [label="[-1]", style=dashed]; -"2952 4375" -> "2954 4376" [label="[-1]", style=dashed]; -"2953 4374" -> "2954 4376" [label="[]", style=solid]; -"2954 4376" -> "2955 4385" [label="[]", style=solid]; -"2954 4376" -> "2963 4396" [label="[]", style=solid]; -"2955 4385" -> "2956 4386" [label="[]", style=solid]; -"2956 4386" -> "2960 4389" [label="[]", style=solid]; -"2957 4381" -> "2958 4383" [label="[]", style=solid]; -"2958 4383" -> "2959 4384" [label="[]", style=solid]; -"2958 4383" -> "3628 4394" [label="[]", style=solid]; -"2959 4384" -> "2960 4389" [label="[]", style=solid]; -"2960 4389" -> "2961 4391" [label="[-1, 3]", style=dashed]; -"2961 4391" -> "2962 4392" [label="[-1, 1]", style=dashed]; -"2962 4392" -> "2963 4396" [label="[-1]", style=dashed]; -"2962 4392" -> "3627 4393" [label="[-1]", style=dashed]; -"2963 4396" -> "3522 6520" [label="[]", style=solid]; -"2964 4322" -> "2965 4324" [label="[]", style=dashed]; -"2965 4324" -> "2966 4325" [label="[]", style=dashed]; -"2966 4325" -> "2967 4326" [label="[]", style=solid]; -"2967 4326" -> "2968 4327" [label="[-1, -1]", style=dashed]; -"2968 4327" -> "2969 4328" [label="[-1, -1]", style=dashed]; -"2969 4328" -> "2970 4331" [label="[-1]", style=dashed]; -"2969 4328" -> "2976 4339" [label="[-1]", style=dashed]; -"2970 4331" -> "2972 4332" [label="[-1]", style=dashed]; -"2971 4330" -> "2972 4332" [label="[]", style=solid]; -"2972 4332" -> "2973 4341" [label="[]", style=solid]; -"2972 4332" -> "2981 4352" [label="[]", style=solid]; -"2973 4341" -> "2974 4342" [label="[]", style=solid]; -"2974 4342" -> "2978 4345" [label="[]", style=solid]; -"2975 4337" -> "2976 4339" [label="[]", style=solid]; -"2976 4339" -> "2977 4340" [label="[]", style=solid]; -"2976 4339" -> "3630 4350" [label="[]", style=solid]; -"2977 4340" -> "2978 4345" [label="[]", style=solid]; -"2978 4345" -> "2979 4347" [label="[-1, 3]", style=dashed]; -"2979 4347" -> "2980 4348" [label="[-1, 1]", style=dashed]; -"2980 4348" -> "2981 4352" [label="[-1]", style=dashed]; -"2980 4348" -> "3629 4349" [label="[-1]", style=dashed]; -"2981 4352" -> "3522 6520" [label="[]", style=solid]; -"2982 4278" -> "2983 4280" [label="[]", style=dashed]; -"2983 4280" -> "2984 4281" [label="[]", style=dashed]; -"2984 4281" -> "2985 4282" [label="[]", style=solid]; -"2985 4282" -> "2986 4283" [label="[-1, -1]", style=dashed]; -"2986 4283" -> "2987 4284" [label="[-1, -1]", style=dashed]; -"2987 4284" -> "2988 4287" [label="[-1]", style=dashed]; -"2987 4284" -> "2994 4295" [label="[-1]", style=dashed]; -"2988 4287" -> "2990 4288" [label="[-1]", style=dashed]; -"2989 4286" -> "2990 4288" [label="[]", style=solid]; -"2990 4288" -> "2991 4297" [label="[]", style=solid]; -"2990 4288" -> "2999 4308" [label="[]", style=solid]; -"2991 4297" -> "2992 4298" [label="[]", style=solid]; -"2992 4298" -> "2996 4301" [label="[]", style=solid]; -"2993 4293" -> "2994 4295" [label="[]", style=solid]; -"2994 4295" -> "2995 4296" [label="[]", style=solid]; -"2994 4295" -> "3632 4306" [label="[]", style=solid]; -"2995 4296" -> "2996 4301" [label="[]", style=solid]; -"2996 4301" -> "2997 4303" [label="[-1, 3]", style=dashed]; -"2997 4303" -> "2998 4304" [label="[-1, 1]", style=dashed]; -"2998 4304" -> "2999 4308" [label="[-1]", style=dashed]; -"2998 4304" -> "3631 4305" [label="[-1]", style=dashed]; -"2999 4308" -> "3522 6520" [label="[]", style=solid]; -"3000 4234" -> "3001 4236" [label="[]", style=dashed]; -"3001 4236" -> "3002 4237" [label="[]", style=dashed]; -"3002 4237" -> "3003 4238" [label="[]", style=solid]; -"3003 4238" -> "3004 4239" [label="[-1, -1]", style=dashed]; -"3004 4239" -> "3005 4240" [label="[-1, -1]", style=dashed]; -"3005 4240" -> "3006 4243" [label="[-1]", style=dashed]; -"3005 4240" -> "3012 4251" [label="[-1]", style=dashed]; -"3006 4243" -> "3008 4244" [label="[-1]", style=dashed]; -"3007 4242" -> "3008 4244" [label="[]", style=solid]; -"3008 4244" -> "3009 4253" [label="[]", style=solid]; -"3008 4244" -> "3017 4264" [label="[]", style=solid]; -"3009 4253" -> "3010 4254" [label="[]", style=solid]; -"3010 4254" -> "3014 4257" [label="[]", style=solid]; -"3011 4249" -> "3012 4251" [label="[]", style=solid]; -"3012 4251" -> "3013 4252" [label="[]", style=solid]; -"3012 4251" -> "3634 4262" [label="[]", style=solid]; -"3013 4252" -> "3014 4257" [label="[]", style=solid]; -"3014 4257" -> "3015 4259" [label="[-1, 3]", style=dashed]; -"3015 4259" -> "3016 4260" [label="[-1, 1]", style=dashed]; -"3016 4260" -> "3017 4264" [label="[-1]", style=dashed]; -"3016 4260" -> "3633 4261" [label="[-1]", style=dashed]; -"3017 4264" -> "3522 6520" [label="[]", style=solid]; -"3018 4190" -> "3019 4192" [label="[]", style=dashed]; -"3019 4192" -> "3020 4193" [label="[]", style=dashed]; -"3020 4193" -> "3021 4194" [label="[]", style=solid]; -"3021 4194" -> "3022 4195" [label="[-1, -1]", style=dashed]; -"3022 4195" -> "3023 4196" [label="[-1, -1]", style=dashed]; -"3023 4196" -> "3024 4199" [label="[-1]", style=dashed]; -"3023 4196" -> "3030 4207" [label="[-1]", style=dashed]; -"3024 4199" -> "3026 4200" [label="[-1]", style=dashed]; -"3025 4198" -> "3026 4200" [label="[]", style=solid]; -"3026 4200" -> "3027 4209" [label="[]", style=solid]; -"3026 4200" -> "3035 4220" [label="[]", style=solid]; -"3027 4209" -> "3028 4210" [label="[]", style=solid]; -"3028 4210" -> "3032 4213" [label="[]", style=solid]; -"3029 4205" -> "3030 4207" [label="[]", style=solid]; -"3030 4207" -> "3031 4208" [label="[]", style=solid]; -"3030 4207" -> "3636 4218" [label="[]", style=solid]; -"3031 4208" -> "3032 4213" [label="[]", style=solid]; -"3032 4213" -> "3033 4215" [label="[-1, 3]", style=dashed]; -"3033 4215" -> "3034 4216" [label="[-1, 1]", style=dashed]; -"3034 4216" -> "3035 4220" [label="[-1]", style=dashed]; -"3034 4216" -> "3635 4217" [label="[-1]", style=dashed]; -"3035 4220" -> "3522 6520" [label="[]", style=solid]; -"3036 4146" -> "3037 4148" [label="[]", style=dashed]; -"3037 4148" -> "3038 4149" [label="[]", style=dashed]; -"3038 4149" -> "3039 4150" [label="[]", style=solid]; -"3039 4150" -> "3040 4151" [label="[-1, -1]", style=dashed]; -"3040 4151" -> "3041 4152" [label="[-1, -1]", style=dashed]; -"3041 4152" -> "3042 4155" [label="[-1]", style=dashed]; -"3041 4152" -> "3048 4163" [label="[-1]", style=dashed]; -"3042 4155" -> "3044 4156" [label="[-1]", style=dashed]; -"3043 4154" -> "3044 4156" [label="[]", style=solid]; -"3044 4156" -> "3045 4165" [label="[]", style=solid]; -"3044 4156" -> "3053 4176" [label="[]", style=solid]; -"3045 4165" -> "3046 4166" [label="[]", style=solid]; -"3046 4166" -> "3050 4169" [label="[]", style=solid]; -"3047 4161" -> "3048 4163" [label="[]", style=solid]; -"3048 4163" -> "3049 4164" [label="[]", style=solid]; -"3048 4163" -> "3638 4174" [label="[]", style=solid]; -"3049 4164" -> "3050 4169" [label="[]", style=solid]; -"3050 4169" -> "3051 4171" [label="[-1, 3]", style=dashed]; -"3051 4171" -> "3052 4172" [label="[-1, 1]", style=dashed]; -"3052 4172" -> "3053 4176" [label="[-1]", style=dashed]; -"3052 4172" -> "3637 4173" [label="[-1]", style=dashed]; -"3053 4176" -> "3522 6520" [label="[]", style=solid]; -"3054 4102" -> "3055 4104" [label="[]", style=dashed]; -"3055 4104" -> "3056 4105" [label="[]", style=dashed]; -"3056 4105" -> "3057 4106" [label="[]", style=solid]; -"3057 4106" -> "3058 4107" [label="[-1, -1]", style=dashed]; -"3058 4107" -> "3059 4108" [label="[-1, -1]", style=dashed]; -"3059 4108" -> "3060 4111" [label="[-1]", style=dashed]; -"3059 4108" -> "3066 4119" [label="[-1]", style=dashed]; -"3060 4111" -> "3062 4112" [label="[-1]", style=dashed]; -"3061 4110" -> "3062 4112" [label="[]", style=solid]; -"3062 4112" -> "3063 4121" [label="[]", style=solid]; -"3062 4112" -> "3071 4132" [label="[]", style=solid]; -"3063 4121" -> "3064 4122" [label="[]", style=solid]; -"3064 4122" -> "3068 4125" [label="[]", style=solid]; -"3065 4117" -> "3066 4119" [label="[]", style=solid]; -"3066 4119" -> "3067 4120" [label="[]", style=solid]; -"3066 4119" -> "3640 4130" [label="[]", style=solid]; -"3067 4120" -> "3068 4125" [label="[]", style=solid]; -"3068 4125" -> "3069 4127" [label="[-1, 3]", style=dashed]; -"3069 4127" -> "3070 4128" [label="[-1, 1]", style=dashed]; -"3070 4128" -> "3071 4132" [label="[-1]", style=dashed]; -"3070 4128" -> "3639 4129" [label="[-1]", style=dashed]; -"3071 4132" -> "3522 6520" [label="[]", style=solid]; -"3072 4058" -> "3073 4060" [label="[]", style=dashed]; -"3073 4060" -> "3074 4061" [label="[]", style=dashed]; -"3074 4061" -> "3075 4062" [label="[]", style=solid]; -"3075 4062" -> "3076 4063" [label="[-1, -1]", style=dashed]; -"3076 4063" -> "3077 4064" [label="[-1, -1]", style=dashed]; -"3077 4064" -> "3078 4067" [label="[-1]", style=dashed]; -"3077 4064" -> "3084 4075" [label="[-1]", style=dashed]; -"3078 4067" -> "3080 4068" [label="[-1]", style=dashed]; -"3079 4066" -> "3080 4068" [label="[]", style=solid]; -"3080 4068" -> "3081 4077" [label="[]", style=solid]; -"3080 4068" -> "3089 4088" [label="[]", style=solid]; -"3081 4077" -> "3082 4078" [label="[]", style=solid]; -"3082 4078" -> "3086 4081" [label="[]", style=solid]; -"3083 4073" -> "3084 4075" [label="[]", style=solid]; -"3084 4075" -> "3085 4076" [label="[]", style=solid]; -"3084 4075" -> "3642 4086" [label="[]", style=solid]; -"3085 4076" -> "3086 4081" [label="[]", style=solid]; -"3086 4081" -> "3087 4083" [label="[-1, 3]", style=dashed]; -"3087 4083" -> "3088 4084" [label="[-1, 1]", style=dashed]; -"3088 4084" -> "3089 4088" [label="[-1]", style=dashed]; -"3088 4084" -> "3641 4085" [label="[-1]", style=dashed]; -"3089 4088" -> "3522 6520" [label="[]", style=solid]; -"3090 4014" -> "3091 4016" [label="[]", style=dashed]; -"3091 4016" -> "3092 4017" [label="[]", style=dashed]; -"3092 4017" -> "3093 4018" [label="[]", style=solid]; -"3093 4018" -> "3094 4019" [label="[-1, -1]", style=dashed]; -"3094 4019" -> "3095 4020" [label="[-1, -1]", style=dashed]; -"3095 4020" -> "3096 4023" [label="[-1]", style=dashed]; -"3095 4020" -> "3102 4031" [label="[-1]", style=dashed]; -"3096 4023" -> "3098 4024" [label="[-1]", style=dashed]; -"3097 4022" -> "3098 4024" [label="[]", style=solid]; -"3098 4024" -> "3099 4033" [label="[]", style=solid]; -"3098 4024" -> "3107 4044" [label="[]", style=solid]; -"3099 4033" -> "3100 4034" [label="[]", style=solid]; -"3100 4034" -> "3104 4037" [label="[]", style=solid]; -"3101 4029" -> "3102 4031" [label="[]", style=solid]; -"3102 4031" -> "3103 4032" [label="[]", style=solid]; -"3102 4031" -> "3644 4042" [label="[]", style=solid]; -"3103 4032" -> "3104 4037" [label="[]", style=solid]; -"3104 4037" -> "3105 4039" [label="[-1, 3]", style=dashed]; -"3105 4039" -> "3106 4040" [label="[-1, 1]", style=dashed]; -"3106 4040" -> "3107 4044" [label="[-1]", style=dashed]; -"3106 4040" -> "3643 4041" [label="[-1]", style=dashed]; -"3107 4044" -> "3522 6520" [label="[]", style=solid]; -"3108 3970" -> "3109 3972" [label="[]", style=dashed]; -"3109 3972" -> "3110 3973" [label="[]", style=dashed]; -"3110 3973" -> "3111 3974" [label="[]", style=solid]; -"3111 3974" -> "3112 3975" [label="[-1, -1]", style=dashed]; -"3112 3975" -> "3113 3976" [label="[-1, -1]", style=dashed]; -"3113 3976" -> "3114 3979" [label="[-1]", style=dashed]; -"3113 3976" -> "3120 3987" [label="[-1]", style=dashed]; -"3114 3979" -> "3116 3980" [label="[-1]", style=dashed]; -"3115 3978" -> "3116 3980" [label="[]", style=solid]; -"3116 3980" -> "3117 3989" [label="[]", style=solid]; -"3116 3980" -> "3125 4000" [label="[]", style=solid]; -"3117 3989" -> "3118 3990" [label="[]", style=solid]; -"3118 3990" -> "3122 3993" [label="[]", style=solid]; -"3119 3985" -> "3120 3987" [label="[]", style=solid]; -"3120 3987" -> "3121 3988" [label="[]", style=solid]; -"3120 3987" -> "3646 3998" [label="[]", style=solid]; -"3121 3988" -> "3122 3993" [label="[]", style=solid]; -"3122 3993" -> "3123 3995" [label="[-1, 3]", style=dashed]; -"3123 3995" -> "3124 3996" [label="[-1, 1]", style=dashed]; -"3124 3996" -> "3125 4000" [label="[-1]", style=dashed]; -"3124 3996" -> "3645 3997" [label="[-1]", style=dashed]; -"3125 4000" -> "3522 6520" [label="[]", style=solid]; -"3126 3926" -> "3127 3928" [label="[]", style=dashed]; -"3127 3928" -> "3128 3929" [label="[]", style=dashed]; -"3128 3929" -> "3129 3930" [label="[]", style=solid]; -"3129 3930" -> "3130 3931" [label="[-1, -1]", style=dashed]; -"3130 3931" -> "3131 3932" [label="[-1, -1]", style=dashed]; -"3131 3932" -> "3132 3935" [label="[-1]", style=dashed]; -"3131 3932" -> "3138 3943" [label="[-1]", style=dashed]; -"3132 3935" -> "3134 3936" [label="[-1]", style=dashed]; -"3133 3934" -> "3134 3936" [label="[]", style=solid]; -"3134 3936" -> "3135 3945" [label="[]", style=solid]; -"3134 3936" -> "3143 3956" [label="[]", style=solid]; -"3135 3945" -> "3136 3946" [label="[]", style=solid]; -"3136 3946" -> "3140 3949" [label="[]", style=solid]; -"3137 3941" -> "3138 3943" [label="[]", style=solid]; -"3138 3943" -> "3139 3944" [label="[]", style=solid]; -"3138 3943" -> "3648 3954" [label="[]", style=solid]; -"3139 3944" -> "3140 3949" [label="[]", style=solid]; -"3140 3949" -> "3141 3951" [label="[-1, 3]", style=dashed]; -"3141 3951" -> "3142 3952" [label="[-1, 1]", style=dashed]; -"3142 3952" -> "3143 3956" [label="[-1]", style=dashed]; -"3142 3952" -> "3647 3953" [label="[-1]", style=dashed]; -"3143 3956" -> "3522 6520" [label="[]", style=solid]; -"3144 3882" -> "3145 3884" [label="[]", style=dashed]; -"3145 3884" -> "3146 3885" [label="[]", style=dashed]; -"3146 3885" -> "3147 3886" [label="[]", style=solid]; -"3147 3886" -> "3148 3887" [label="[-1, -1]", style=dashed]; -"3148 3887" -> "3149 3888" [label="[-1, -1]", style=dashed]; -"3149 3888" -> "3150 3891" [label="[-1]", style=dashed]; -"3149 3888" -> "3156 3899" [label="[-1]", style=dashed]; -"3150 3891" -> "3152 3892" [label="[-1]", style=dashed]; -"3151 3890" -> "3152 3892" [label="[]", style=solid]; -"3152 3892" -> "3153 3901" [label="[]", style=solid]; -"3152 3892" -> "3161 3912" [label="[]", style=solid]; -"3153 3901" -> "3154 3902" [label="[]", style=solid]; -"3154 3902" -> "3158 3905" [label="[]", style=solid]; -"3155 3897" -> "3156 3899" [label="[]", style=solid]; -"3156 3899" -> "3157 3900" [label="[]", style=solid]; -"3156 3899" -> "3650 3910" [label="[]", style=solid]; -"3157 3900" -> "3158 3905" [label="[]", style=solid]; -"3158 3905" -> "3159 3907" [label="[-1, 3]", style=dashed]; -"3159 3907" -> "3160 3908" [label="[-1, 1]", style=dashed]; -"3160 3908" -> "3161 3912" [label="[-1]", style=dashed]; -"3160 3908" -> "3649 3909" [label="[-1]", style=dashed]; -"3161 3912" -> "3522 6520" [label="[]", style=solid]; -"3162 3838" -> "3163 3840" [label="[]", style=dashed]; -"3163 3840" -> "3164 3841" [label="[]", style=dashed]; -"3164 3841" -> "3165 3842" [label="[]", style=solid]; -"3165 3842" -> "3166 3843" [label="[-1, -1]", style=dashed]; -"3166 3843" -> "3167 3844" [label="[-1, -1]", style=dashed]; -"3167 3844" -> "3168 3847" [label="[-1]", style=dashed]; -"3167 3844" -> "3174 3855" [label="[-1]", style=dashed]; -"3168 3847" -> "3170 3848" [label="[-1]", style=dashed]; -"3169 3846" -> "3170 3848" [label="[]", style=solid]; -"3170 3848" -> "3171 3857" [label="[]", style=solid]; -"3170 3848" -> "3179 3868" [label="[]", style=solid]; -"3171 3857" -> "3172 3858" [label="[]", style=solid]; -"3172 3858" -> "3176 3861" [label="[]", style=solid]; -"3173 3853" -> "3174 3855" [label="[]", style=solid]; -"3174 3855" -> "3175 3856" [label="[]", style=solid]; -"3174 3855" -> "3652 3866" [label="[]", style=solid]; -"3175 3856" -> "3176 3861" [label="[]", style=solid]; -"3176 3861" -> "3177 3863" [label="[-1, 3]", style=dashed]; -"3177 3863" -> "3178 3864" [label="[-1, 1]", style=dashed]; -"3178 3864" -> "3179 3868" [label="[-1]", style=dashed]; -"3178 3864" -> "3651 3865" [label="[-1]", style=dashed]; -"3179 3868" -> "3522 6520" [label="[]", style=solid]; -"3180 3794" -> "3181 3796" [label="[]", style=dashed]; -"3181 3796" -> "3182 3797" [label="[]", style=dashed]; -"3182 3797" -> "3183 3798" [label="[]", style=solid]; -"3183 3798" -> "3184 3799" [label="[-1, -1]", style=dashed]; -"3184 3799" -> "3185 3800" [label="[-1, -1]", style=dashed]; -"3185 3800" -> "3186 3803" [label="[-1]", style=dashed]; -"3185 3800" -> "3192 3811" [label="[-1]", style=dashed]; -"3186 3803" -> "3188 3804" [label="[-1]", style=dashed]; -"3187 3802" -> "3188 3804" [label="[]", style=solid]; -"3188 3804" -> "3189 3813" [label="[]", style=solid]; -"3188 3804" -> "3197 3824" [label="[]", style=solid]; -"3189 3813" -> "3190 3814" [label="[]", style=solid]; -"3190 3814" -> "3194 3817" [label="[]", style=solid]; -"3191 3809" -> "3192 3811" [label="[]", style=solid]; -"3192 3811" -> "3193 3812" [label="[]", style=solid]; -"3192 3811" -> "3654 3822" [label="[]", style=solid]; -"3193 3812" -> "3194 3817" [label="[]", style=solid]; -"3194 3817" -> "3195 3819" [label="[-1, 3]", style=dashed]; -"3195 3819" -> "3196 3820" [label="[-1, 1]", style=dashed]; -"3196 3820" -> "3197 3824" [label="[-1]", style=dashed]; -"3196 3820" -> "3653 3821" [label="[-1]", style=dashed]; -"3197 3824" -> "3522 6520" [label="[]", style=solid]; -"3198 3750" -> "3199 3752" [label="[]", style=dashed]; -"3199 3752" -> "3200 3753" [label="[]", style=dashed]; -"3200 3753" -> "3201 3754" [label="[]", style=solid]; -"3201 3754" -> "3202 3755" [label="[-1, -1]", style=dashed]; -"3202 3755" -> "3203 3756" [label="[-1, -1]", style=dashed]; -"3203 3756" -> "3204 3759" [label="[-1]", style=dashed]; -"3203 3756" -> "3210 3767" [label="[-1]", style=dashed]; -"3204 3759" -> "3206 3760" [label="[-1]", style=dashed]; -"3205 3758" -> "3206 3760" [label="[]", style=solid]; -"3206 3760" -> "3207 3769" [label="[]", style=solid]; -"3206 3760" -> "3215 3780" [label="[]", style=solid]; -"3207 3769" -> "3208 3770" [label="[]", style=solid]; -"3208 3770" -> "3212 3773" [label="[]", style=solid]; -"3209 3765" -> "3210 3767" [label="[]", style=solid]; -"3210 3767" -> "3211 3768" [label="[]", style=solid]; -"3210 3767" -> "3656 3778" [label="[]", style=solid]; -"3211 3768" -> "3212 3773" [label="[]", style=solid]; -"3212 3773" -> "3213 3775" [label="[-1, 3]", style=dashed]; -"3213 3775" -> "3214 3776" [label="[-1, 1]", style=dashed]; -"3214 3776" -> "3215 3780" [label="[-1]", style=dashed]; -"3214 3776" -> "3655 3777" [label="[-1]", style=dashed]; -"3215 3780" -> "3522 6520" [label="[]", style=solid]; -"3216 3706" -> "3217 3708" [label="[]", style=dashed]; -"3217 3708" -> "3218 3709" [label="[]", style=dashed]; -"3218 3709" -> "3219 3710" [label="[]", style=solid]; -"3219 3710" -> "3220 3711" [label="[-1, -1]", style=dashed]; -"3220 3711" -> "3221 3712" [label="[-1, -1]", style=dashed]; -"3221 3712" -> "3222 3715" [label="[-1]", style=dashed]; -"3221 3712" -> "3228 3723" [label="[-1]", style=dashed]; -"3222 3715" -> "3224 3716" [label="[-1]", style=dashed]; -"3223 3714" -> "3224 3716" [label="[]", style=solid]; -"3224 3716" -> "3225 3725" [label="[]", style=solid]; -"3224 3716" -> "3233 3736" [label="[]", style=solid]; -"3225 3725" -> "3226 3726" [label="[]", style=solid]; -"3226 3726" -> "3230 3729" [label="[]", style=solid]; -"3227 3721" -> "3228 3723" [label="[]", style=solid]; -"3228 3723" -> "3229 3724" [label="[]", style=solid]; -"3228 3723" -> "3658 3734" [label="[]", style=solid]; -"3229 3724" -> "3230 3729" [label="[]", style=solid]; -"3230 3729" -> "3231 3731" [label="[-1, 3]", style=dashed]; -"3231 3731" -> "3232 3732" [label="[-1, 1]", style=dashed]; -"3232 3732" -> "3233 3736" [label="[-1]", style=dashed]; -"3232 3732" -> "3657 3733" [label="[-1]", style=dashed]; -"3233 3736" -> "3522 6520" [label="[]", style=solid]; -"3234 3662" -> "3235 3664" [label="[]", style=dashed]; -"3235 3664" -> "3236 3665" [label="[]", style=dashed]; -"3236 3665" -> "3237 3666" [label="[]", style=solid]; -"3237 3666" -> "3238 3667" [label="[-1, -1]", style=dashed]; -"3238 3667" -> "3239 3668" [label="[-1, -1]", style=dashed]; -"3239 3668" -> "3240 3671" [label="[-1]", style=dashed]; -"3239 3668" -> "3246 3679" [label="[-1]", style=dashed]; -"3240 3671" -> "3242 3672" [label="[-1]", style=dashed]; -"3241 3670" -> "3242 3672" [label="[]", style=solid]; -"3242 3672" -> "3243 3681" [label="[]", style=solid]; -"3242 3672" -> "3251 3692" [label="[]", style=solid]; -"3243 3681" -> "3244 3682" [label="[]", style=solid]; -"3244 3682" -> "3248 3685" [label="[]", style=solid]; -"3245 3677" -> "3246 3679" [label="[]", style=solid]; -"3246 3679" -> "3247 3680" [label="[]", style=solid]; -"3246 3679" -> "3660 3690" [label="[]", style=solid]; -"3247 3680" -> "3248 3685" [label="[]", style=solid]; -"3248 3685" -> "3249 3687" [label="[-1, 3]", style=dashed]; -"3249 3687" -> "3250 3688" [label="[-1, 1]", style=dashed]; -"3250 3688" -> "3251 3692" [label="[-1]", style=dashed]; -"3250 3688" -> "3659 3689" [label="[-1]", style=dashed]; -"3251 3692" -> "3522 6520" [label="[]", style=solid]; -"3252 3618" -> "3253 3620" [label="[]", style=dashed]; -"3253 3620" -> "3254 3621" [label="[]", style=dashed]; -"3254 3621" -> "3255 3622" [label="[]", style=solid]; -"3255 3622" -> "3256 3623" [label="[-1, -1]", style=dashed]; -"3256 3623" -> "3257 3624" [label="[-1, -1]", style=dashed]; -"3257 3624" -> "3258 3627" [label="[-1]", style=dashed]; -"3257 3624" -> "3264 3635" [label="[-1]", style=dashed]; -"3258 3627" -> "3260 3628" [label="[-1]", style=dashed]; -"3259 3626" -> "3260 3628" [label="[]", style=solid]; -"3260 3628" -> "3261 3637" [label="[]", style=solid]; -"3260 3628" -> "3269 3648" [label="[]", style=solid]; -"3261 3637" -> "3262 3638" [label="[]", style=solid]; -"3262 3638" -> "3266 3641" [label="[]", style=solid]; -"3263 3633" -> "3264 3635" [label="[]", style=solid]; -"3264 3635" -> "3265 3636" [label="[]", style=solid]; -"3264 3635" -> "3662 3646" [label="[]", style=solid]; -"3265 3636" -> "3266 3641" [label="[]", style=solid]; -"3266 3641" -> "3267 3643" [label="[-1, 3]", style=dashed]; -"3267 3643" -> "3268 3644" [label="[-1, 1]", style=dashed]; -"3268 3644" -> "3269 3648" [label="[-1]", style=dashed]; -"3268 3644" -> "3661 3645" [label="[-1]", style=dashed]; -"3269 3648" -> "3522 6520" [label="[]", style=solid]; -"3270 3574" -> "3271 3576" [label="[]", style=dashed]; -"3271 3576" -> "3272 3577" [label="[]", style=dashed]; -"3272 3577" -> "3273 3578" [label="[]", style=solid]; -"3273 3578" -> "3274 3579" [label="[-1, -1]", style=dashed]; -"3274 3579" -> "3275 3580" [label="[-1, -1]", style=dashed]; -"3275 3580" -> "3276 3583" [label="[-1]", style=dashed]; -"3275 3580" -> "3282 3591" [label="[-1]", style=dashed]; -"3276 3583" -> "3278 3584" [label="[-1]", style=dashed]; -"3277 3582" -> "3278 3584" [label="[]", style=solid]; -"3278 3584" -> "3279 3593" [label="[]", style=solid]; -"3278 3584" -> "3287 3604" [label="[]", style=solid]; -"3279 3593" -> "3280 3594" [label="[]", style=solid]; -"3280 3594" -> "3284 3597" [label="[]", style=solid]; -"3281 3589" -> "3282 3591" [label="[]", style=solid]; -"3282 3591" -> "3283 3592" [label="[]", style=solid]; -"3282 3591" -> "3664 3602" [label="[]", style=solid]; -"3283 3592" -> "3284 3597" [label="[]", style=solid]; -"3284 3597" -> "3285 3599" [label="[-1, 3]", style=dashed]; -"3285 3599" -> "3286 3600" [label="[-1, 1]", style=dashed]; -"3286 3600" -> "3287 3604" [label="[-1]", style=dashed]; -"3286 3600" -> "3663 3601" [label="[-1]", style=dashed]; -"3287 3604" -> "3522 6520" [label="[]", style=solid]; -"3288 3530" -> "3289 3532" [label="[]", style=dashed]; -"3289 3532" -> "3290 3533" [label="[]", style=dashed]; -"3290 3533" -> "3291 3534" [label="[]", style=solid]; -"3291 3534" -> "3292 3535" [label="[-1, -1]", style=dashed]; -"3292 3535" -> "3293 3536" [label="[-1, -1]", style=dashed]; -"3293 3536" -> "3294 3539" [label="[-1]", style=dashed]; -"3293 3536" -> "3300 3547" [label="[-1]", style=dashed]; -"3294 3539" -> "3296 3540" [label="[-1]", style=dashed]; -"3295 3538" -> "3296 3540" [label="[]", style=solid]; -"3296 3540" -> "3297 3549" [label="[]", style=solid]; -"3296 3540" -> "3305 3560" [label="[]", style=solid]; -"3297 3549" -> "3298 3550" [label="[]", style=solid]; -"3298 3550" -> "3302 3553" [label="[]", style=solid]; -"3299 3545" -> "3300 3547" [label="[]", style=solid]; -"3300 3547" -> "3301 3548" [label="[]", style=solid]; -"3300 3547" -> "3666 3558" [label="[]", style=solid]; -"3301 3548" -> "3302 3553" [label="[]", style=solid]; -"3302 3553" -> "3303 3555" [label="[-1, 3]", style=dashed]; -"3303 3555" -> "3304 3556" [label="[-1, 1]", style=dashed]; -"3304 3556" -> "3305 3560" [label="[-1]", style=dashed]; -"3304 3556" -> "3665 3557" [label="[-1]", style=dashed]; -"3305 3560" -> "3522 6520" [label="[]", style=solid]; -"3306 3486" -> "3307 3488" [label="[]", style=dashed]; -"3307 3488" -> "3308 3489" [label="[]", style=dashed]; -"3308 3489" -> "3309 3490" [label="[]", style=solid]; -"3309 3490" -> "3310 3491" [label="[-1, -1]", style=dashed]; -"3310 3491" -> "3311 3492" [label="[-1, -1]", style=dashed]; -"3311 3492" -> "3312 3495" [label="[-1]", style=dashed]; -"3311 3492" -> "3318 3503" [label="[-1]", style=dashed]; -"3312 3495" -> "3314 3496" [label="[-1]", style=dashed]; -"3313 3494" -> "3314 3496" [label="[]", style=solid]; -"3314 3496" -> "3315 3505" [label="[]", style=solid]; -"3314 3496" -> "3323 3516" [label="[]", style=solid]; -"3315 3505" -> "3316 3506" [label="[]", style=solid]; -"3316 3506" -> "3320 3509" [label="[]", style=solid]; -"3317 3501" -> "3318 3503" [label="[]", style=solid]; -"3318 3503" -> "3319 3504" [label="[]", style=solid]; -"3318 3503" -> "3668 3514" [label="[]", style=solid]; -"3319 3504" -> "3320 3509" [label="[]", style=solid]; -"3320 3509" -> "3321 3511" [label="[-1, 3]", style=dashed]; -"3321 3511" -> "3322 3512" [label="[-1, 1]", style=dashed]; -"3322 3512" -> "3323 3516" [label="[-1]", style=dashed]; -"3322 3512" -> "3667 3513" [label="[-1]", style=dashed]; -"3323 3516" -> "3522 6520" [label="[]", style=solid]; -"3324 3442" -> "3325 3444" [label="[]", style=dashed]; -"3325 3444" -> "3326 3445" [label="[]", style=dashed]; -"3326 3445" -> "3327 3446" [label="[]", style=solid]; -"3327 3446" -> "3328 3447" [label="[-1, -1]", style=dashed]; -"3328 3447" -> "3329 3448" [label="[-1, -1]", style=dashed]; -"3329 3448" -> "3330 3451" [label="[-1]", style=dashed]; -"3329 3448" -> "3336 3459" [label="[-1]", style=dashed]; -"3330 3451" -> "3332 3452" [label="[-1]", style=dashed]; -"3331 3450" -> "3332 3452" [label="[]", style=solid]; -"3332 3452" -> "3333 3461" [label="[]", style=solid]; -"3332 3452" -> "3341 3472" [label="[]", style=solid]; -"3333 3461" -> "3334 3462" [label="[]", style=solid]; -"3334 3462" -> "3338 3465" [label="[]", style=solid]; -"3335 3457" -> "3336 3459" [label="[]", style=solid]; -"3336 3459" -> "3337 3460" [label="[]", style=solid]; -"3336 3459" -> "3670 3470" [label="[]", style=solid]; -"3337 3460" -> "3338 3465" [label="[]", style=solid]; -"3338 3465" -> "3339 3467" [label="[-1, 3]", style=dashed]; -"3339 3467" -> "3340 3468" [label="[-1, 1]", style=dashed]; -"3340 3468" -> "3341 3472" [label="[-1]", style=dashed]; -"3340 3468" -> "3669 3469" [label="[-1]", style=dashed]; -"3341 3472" -> "3522 6520" [label="[]", style=solid]; -"3342 3398" -> "3343 3400" [label="[]", style=dashed]; -"3343 3400" -> "3344 3401" [label="[]", style=dashed]; -"3344 3401" -> "3345 3402" [label="[]", style=solid]; -"3345 3402" -> "3346 3403" [label="[-1, -1]", style=dashed]; -"3346 3403" -> "3347 3404" [label="[-1, -1]", style=dashed]; -"3347 3404" -> "3348 3407" [label="[-1]", style=dashed]; -"3347 3404" -> "3354 3415" [label="[-1]", style=dashed]; -"3348 3407" -> "3350 3408" [label="[-1]", style=dashed]; -"3349 3406" -> "3350 3408" [label="[]", style=solid]; -"3350 3408" -> "3351 3417" [label="[]", style=solid]; -"3350 3408" -> "3359 3428" [label="[]", style=solid]; -"3351 3417" -> "3352 3418" [label="[]", style=solid]; -"3352 3418" -> "3356 3421" [label="[]", style=solid]; -"3353 3413" -> "3354 3415" [label="[]", style=solid]; -"3354 3415" -> "3355 3416" [label="[]", style=solid]; -"3354 3415" -> "3672 3426" [label="[]", style=solid]; -"3355 3416" -> "3356 3421" [label="[]", style=solid]; -"3356 3421" -> "3357 3423" [label="[-1, 3]", style=dashed]; -"3357 3423" -> "3358 3424" [label="[-1, 1]", style=dashed]; -"3358 3424" -> "3359 3428" [label="[-1]", style=dashed]; -"3358 3424" -> "3671 3425" [label="[-1]", style=dashed]; -"3359 3428" -> "3522 6520" [label="[]", style=solid]; -"3360 3354" -> "3361 3356" [label="[]", style=dashed]; -"3361 3356" -> "3362 3357" [label="[]", style=dashed]; -"3362 3357" -> "3363 3358" [label="[]", style=solid]; -"3363 3358" -> "3364 3359" [label="[-1, -1]", style=dashed]; -"3364 3359" -> "3365 3360" [label="[-1, -1]", style=dashed]; -"3365 3360" -> "3366 3363" [label="[-1]", style=dashed]; -"3365 3360" -> "3372 3371" [label="[-1]", style=dashed]; -"3366 3363" -> "3368 3364" [label="[-1]", style=dashed]; -"3367 3362" -> "3368 3364" [label="[]", style=solid]; -"3368 3364" -> "3369 3373" [label="[]", style=solid]; -"3368 3364" -> "3377 3384" [label="[]", style=solid]; -"3369 3373" -> "3370 3374" [label="[]", style=solid]; -"3370 3374" -> "3374 3377" [label="[]", style=solid]; -"3371 3369" -> "3372 3371" [label="[]", style=solid]; -"3372 3371" -> "3373 3372" [label="[]", style=solid]; -"3372 3371" -> "3674 3382" [label="[]", style=solid]; -"3373 3372" -> "3374 3377" [label="[]", style=solid]; -"3374 3377" -> "3375 3379" [label="[-1, 3]", style=dashed]; -"3375 3379" -> "3376 3380" [label="[-1, 1]", style=dashed]; -"3376 3380" -> "3377 3384" [label="[-1]", style=dashed]; -"3376 3380" -> "3673 3381" [label="[-1]", style=dashed]; -"3377 3384" -> "3522 6520" [label="[]", style=solid]; -"3378 3310" -> "3379 3312" [label="[]", style=dashed]; -"3379 3312" -> "3380 3313" [label="[]", style=dashed]; -"3380 3313" -> "3381 3314" [label="[]", style=solid]; -"3381 3314" -> "3382 3315" [label="[-1, -1]", style=dashed]; -"3382 3315" -> "3383 3316" [label="[-1, -1]", style=dashed]; -"3383 3316" -> "3384 3319" [label="[-1]", style=dashed]; -"3383 3316" -> "3390 3327" [label="[-1]", style=dashed]; -"3384 3319" -> "3386 3320" [label="[-1]", style=dashed]; -"3385 3318" -> "3386 3320" [label="[]", style=solid]; -"3386 3320" -> "3387 3329" [label="[]", style=solid]; -"3386 3320" -> "3395 3340" [label="[]", style=solid]; -"3387 3329" -> "3388 3330" [label="[]", style=solid]; -"3388 3330" -> "3392 3333" [label="[]", style=solid]; -"3389 3325" -> "3390 3327" [label="[]", style=solid]; -"3390 3327" -> "3391 3328" [label="[]", style=solid]; -"3390 3327" -> "3676 3338" [label="[]", style=solid]; -"3391 3328" -> "3392 3333" [label="[]", style=solid]; -"3392 3333" -> "3393 3335" [label="[-1, 3]", style=dashed]; -"3393 3335" -> "3394 3336" [label="[-1, 1]", style=dashed]; -"3394 3336" -> "3395 3340" [label="[-1]", style=dashed]; -"3394 3336" -> "3675 3337" [label="[-1]", style=dashed]; -"3395 3340" -> "3522 6520" [label="[]", style=solid]; -"3396 3266" -> "3397 3268" [label="[]", style=dashed]; -"3397 3268" -> "3398 3269" [label="[]", style=dashed]; -"3398 3269" -> "3399 3270" [label="[]", style=solid]; -"3399 3270" -> "3400 3271" [label="[-1, -1]", style=dashed]; -"3400 3271" -> "3401 3272" [label="[-1, -1]", style=dashed]; -"3401 3272" -> "3402 3275" [label="[-1]", style=dashed]; -"3401 3272" -> "3408 3283" [label="[-1]", style=dashed]; -"3402 3275" -> "3404 3276" [label="[-1]", style=dashed]; -"3403 3274" -> "3404 3276" [label="[]", style=solid]; -"3404 3276" -> "3405 3285" [label="[]", style=solid]; -"3404 3276" -> "3413 3296" [label="[]", style=solid]; -"3405 3285" -> "3406 3286" [label="[]", style=solid]; -"3406 3286" -> "3410 3289" [label="[]", style=solid]; -"3407 3281" -> "3408 3283" [label="[]", style=solid]; -"3408 3283" -> "3409 3284" [label="[]", style=solid]; -"3408 3283" -> "3678 3294" [label="[]", style=solid]; -"3409 3284" -> "3410 3289" [label="[]", style=solid]; -"3410 3289" -> "3411 3291" [label="[-1, 3]", style=dashed]; -"3411 3291" -> "3412 3292" [label="[-1, 1]", style=dashed]; -"3412 3292" -> "3413 3296" [label="[-1]", style=dashed]; -"3412 3292" -> "3677 3293" [label="[-1]", style=dashed]; -"3413 3296" -> "3522 6520" [label="[]", style=solid]; -"3414 3222" -> "3415 3224" [label="[]", style=dashed]; -"3415 3224" -> "3416 3225" [label="[]", style=dashed]; -"3416 3225" -> "3417 3226" [label="[]", style=solid]; -"3417 3226" -> "3418 3227" [label="[-1, -1]", style=dashed]; -"3418 3227" -> "3419 3228" [label="[-1, -1]", style=dashed]; -"3419 3228" -> "3420 3231" [label="[-1]", style=dashed]; -"3419 3228" -> "3426 3239" [label="[-1]", style=dashed]; -"3420 3231" -> "3422 3232" [label="[-1]", style=dashed]; -"3421 3230" -> "3422 3232" [label="[]", style=solid]; -"3422 3232" -> "3423 3241" [label="[]", style=solid]; -"3422 3232" -> "3431 3252" [label="[]", style=solid]; -"3423 3241" -> "3424 3242" [label="[]", style=solid]; -"3424 3242" -> "3428 3245" [label="[]", style=solid]; -"3425 3237" -> "3426 3239" [label="[]", style=solid]; -"3426 3239" -> "3427 3240" [label="[]", style=solid]; -"3426 3239" -> "3680 3250" [label="[]", style=solid]; -"3427 3240" -> "3428 3245" [label="[]", style=solid]; -"3428 3245" -> "3429 3247" [label="[-1, 3]", style=dashed]; -"3429 3247" -> "3430 3248" [label="[-1, 1]", style=dashed]; -"3430 3248" -> "3431 3252" [label="[-1]", style=dashed]; -"3430 3248" -> "3679 3249" [label="[-1]", style=dashed]; -"3431 3252" -> "3522 6520" [label="[]", style=solid]; -"3432 3178" -> "3433 3180" [label="[]", style=dashed]; -"3433 3180" -> "3434 3181" [label="[]", style=dashed]; -"3434 3181" -> "3435 3182" [label="[]", style=solid]; -"3435 3182" -> "3436 3183" [label="[-1, -1]", style=dashed]; -"3436 3183" -> "3437 3184" [label="[-1, -1]", style=dashed]; -"3437 3184" -> "3438 3187" [label="[-1]", style=dashed]; -"3437 3184" -> "3444 3195" [label="[-1]", style=dashed]; -"3438 3187" -> "3440 3188" [label="[-1]", style=dashed]; -"3439 3186" -> "3440 3188" [label="[]", style=solid]; -"3440 3188" -> "3441 3197" [label="[]", style=solid]; -"3440 3188" -> "3449 3208" [label="[]", style=solid]; -"3441 3197" -> "3442 3198" [label="[]", style=solid]; -"3442 3198" -> "3446 3201" [label="[]", style=solid]; -"3443 3193" -> "3444 3195" [label="[]", style=solid]; -"3444 3195" -> "3445 3196" [label="[]", style=solid]; -"3444 3195" -> "3682 3206" [label="[]", style=solid]; -"3445 3196" -> "3446 3201" [label="[]", style=solid]; -"3446 3201" -> "3447 3203" [label="[-1, 3]", style=dashed]; -"3447 3203" -> "3448 3204" [label="[-1, 1]", style=dashed]; -"3448 3204" -> "3449 3208" [label="[-1]", style=dashed]; -"3448 3204" -> "3681 3205" [label="[-1]", style=dashed]; -"3449 3208" -> "3522 6520" [label="[]", style=solid]; -"3450 3134" -> "3451 3136" [label="[]", style=dashed]; -"3451 3136" -> "3452 3137" [label="[]", style=dashed]; -"3452 3137" -> "3453 3138" [label="[]", style=solid]; -"3453 3138" -> "3454 3139" [label="[-1, -1]", style=dashed]; -"3454 3139" -> "3455 3140" [label="[-1, -1]", style=dashed]; -"3455 3140" -> "3456 3143" [label="[-1]", style=dashed]; -"3455 3140" -> "3462 3151" [label="[-1]", style=dashed]; -"3456 3143" -> "3458 3144" [label="[-1]", style=dashed]; -"3457 3142" -> "3458 3144" [label="[]", style=solid]; -"3458 3144" -> "3459 3153" [label="[]", style=solid]; -"3458 3144" -> "3467 3164" [label="[]", style=solid]; -"3459 3153" -> "3460 3154" [label="[]", style=solid]; -"3460 3154" -> "3464 3157" [label="[]", style=solid]; -"3461 3149" -> "3462 3151" [label="[]", style=solid]; -"3462 3151" -> "3463 3152" [label="[]", style=solid]; -"3462 3151" -> "3684 3162" [label="[]", style=solid]; -"3463 3152" -> "3464 3157" [label="[]", style=solid]; -"3464 3157" -> "3465 3159" [label="[-1, 3]", style=dashed]; -"3465 3159" -> "3466 3160" [label="[-1, 1]", style=dashed]; -"3466 3160" -> "3467 3164" [label="[-1]", style=dashed]; -"3466 3160" -> "3683 3161" [label="[-1]", style=dashed]; -"3467 3164" -> "3522 6520" [label="[]", style=solid]; -"3468 3090" -> "3469 3092" [label="[]", style=dashed]; -"3469 3092" -> "3470 3093" [label="[]", style=dashed]; -"3470 3093" -> "3471 3094" [label="[]", style=solid]; -"3471 3094" -> "3472 3095" [label="[-1, -1]", style=dashed]; -"3472 3095" -> "3473 3096" [label="[-1, -1]", style=dashed]; -"3473 3096" -> "3474 3099" [label="[-1]", style=dashed]; -"3473 3096" -> "3480 3107" [label="[-1]", style=dashed]; -"3474 3099" -> "3476 3100" [label="[-1]", style=dashed]; -"3475 3098" -> "3476 3100" [label="[]", style=solid]; -"3476 3100" -> "3477 3109" [label="[]", style=solid]; -"3476 3100" -> "3485 3120" [label="[]", style=solid]; -"3477 3109" -> "3478 3110" [label="[]", style=solid]; -"3478 3110" -> "3482 3113" [label="[]", style=solid]; -"3479 3105" -> "3480 3107" [label="[]", style=solid]; -"3480 3107" -> "3481 3108" [label="[]", style=solid]; -"3480 3107" -> "3686 3118" [label="[]", style=solid]; -"3481 3108" -> "3482 3113" [label="[]", style=solid]; -"3482 3113" -> "3483 3115" [label="[-1, 3]", style=dashed]; -"3483 3115" -> "3484 3116" [label="[-1, 1]", style=dashed]; -"3484 3116" -> "3485 3120" [label="[-1]", style=dashed]; -"3484 3116" -> "3685 3117" [label="[-1]", style=dashed]; -"3485 3120" -> "3522 6520" [label="[]", style=solid]; -"3486 3046" -> "3487 3048" [label="[]", style=dashed]; -"3487 3048" -> "3488 3049" [label="[]", style=dashed]; -"3488 3049" -> "3489 3050" [label="[]", style=solid]; -"3489 3050" -> "3490 3051" [label="[-1, -1]", style=dashed]; -"3490 3051" -> "3491 3052" [label="[-1, -1]", style=dashed]; -"3491 3052" -> "3492 3055" [label="[-1]", style=dashed]; -"3491 3052" -> "3498 3063" [label="[-1]", style=dashed]; -"3492 3055" -> "3494 3056" [label="[-1]", style=dashed]; -"3493 3054" -> "3494 3056" [label="[]", style=solid]; -"3494 3056" -> "3495 3065" [label="[]", style=solid]; -"3494 3056" -> "3503 3076" [label="[]", style=solid]; -"3495 3065" -> "3496 3066" [label="[]", style=solid]; -"3496 3066" -> "3500 3069" [label="[]", style=solid]; -"3497 3061" -> "3498 3063" [label="[]", style=solid]; -"3498 3063" -> "3499 3064" [label="[]", style=solid]; -"3498 3063" -> "3688 3074" [label="[]", style=solid]; -"3499 3064" -> "3500 3069" [label="[]", style=solid]; -"3500 3069" -> "3501 3071" [label="[-1, 3]", style=dashed]; -"3501 3071" -> "3502 3072" [label="[-1, 1]", style=dashed]; -"3502 3072" -> "3503 3076" [label="[-1]", style=dashed]; -"3502 3072" -> "3687 3073" [label="[-1]", style=dashed]; -"3503 3076" -> "3522 6520" [label="[]", style=solid]; -"3504 3002" -> "3505 3004" [label="[]", style=dashed]; -"3505 3004" -> "3506 3005" [label="[]", style=dashed]; -"3506 3005" -> "3507 3006" [label="[]", style=solid]; -"3507 3006" -> "3508 3007" [label="[-1, -1]", style=dashed]; -"3508 3007" -> "3509 3008" [label="[-1, -1]", style=dashed]; -"3509 3008" -> "3510 3011" [label="[-1]", style=dashed]; -"3509 3008" -> "3516 3019" [label="[-1]", style=dashed]; -"3510 3011" -> "3512 3012" [label="[-1]", style=dashed]; -"3511 3010" -> "3512 3012" [label="[]", style=solid]; -"3512 3012" -> "3513 3021" [label="[]", style=solid]; -"3512 3012" -> "3521 3032" [label="[]", style=solid]; -"3513 3021" -> "3514 3022" [label="[]", style=solid]; -"3514 3022" -> "3518 3025" [label="[]", style=solid]; -"3515 3017" -> "3516 3019" [label="[]", style=solid]; -"3516 3019" -> "3517 3020" [label="[]", style=solid]; -"3516 3019" -> "3690 3030" [label="[]", style=solid]; -"3517 3020" -> "3518 3025" [label="[]", style=solid]; -"3518 3025" -> "3519 3027" [label="[-1, 3]", style=dashed]; -"3519 3027" -> "3520 3028" [label="[-1, 1]", style=dashed]; -"3520 3028" -> "3521 3032" [label="[-1]", style=dashed]; -"3520 3028" -> "3689 3029" [label="[-1]", style=dashed]; -"3521 3032" -> "3522 6520" [label="[]", style=solid]; -"3522 6520" -> "3523 6521" [label="[]", style=solid]; -"3522 6520" -> "3529 6528" [label="[]", style=solid]; -"3522 6520" -> "4279 6534" [label="[]", style=solid]; -"3523 6521" -> "3524 6523" [label="[-1]", style=dashed]; -"3524 6523" -> "3525 6524" [label="[-1]", style=dashed]; -"3525 6524" -> "3526 6525" [label="[-1]", style=dashed]; -"3526 6525" -> "3527 6526" [label="[]", style=dashed]; -"3527 6526" -> "3528 6527" [label="[]", style=dashed]; -"3528 6527" -> "3529 6528" [label="[1]", style=dashed]; -"3529 6528" -> "3530 6529" [label="[]", style=dashed]; -"3529 6528" -> "4264 6532" [label="[]", style=dashed]; -"3529 6528" -> "4278 6533" [label="[]", style=dashed]; -"3530 6529" -> "3692 6530" [label="[]", style=dashed]; -"3531 6505" -> "3532 6506" [label="[-1]", style=dashed]; -"3532 6506" -> "3691 6518" [label="[]", style=solid]; -"3532 6506" -> "3943 6513" [label="[]", style=solid]; -"3533 6461" -> "3534 6462" [label="[-1]", style=dashed]; -"3534 6462" -> "3691 6518" [label="[]", style=solid]; -"3534 6462" -> "3947 6469" [label="[]", style=solid]; -"3535 6417" -> "3536 6418" [label="[-1]", style=dashed]; -"3536 6418" -> "3691 6518" [label="[]", style=solid]; -"3536 6418" -> "3951 6425" [label="[]", style=solid]; -"3537 6373" -> "3538 6374" [label="[-1]", style=dashed]; -"3538 6374" -> "3691 6518" [label="[]", style=solid]; -"3538 6374" -> "3955 6381" [label="[]", style=solid]; -"3539 6329" -> "3540 6330" [label="[-1]", style=dashed]; -"3540 6330" -> "3691 6518" [label="[]", style=solid]; -"3540 6330" -> "3959 6337" [label="[]", style=solid]; -"3541 6285" -> "3542 6286" [label="[-1]", style=dashed]; -"3542 6286" -> "3691 6518" [label="[]", style=solid]; -"3542 6286" -> "3963 6293" [label="[]", style=solid]; -"3543 6241" -> "3544 6242" [label="[-1]", style=dashed]; -"3544 6242" -> "3691 6518" [label="[]", style=solid]; -"3544 6242" -> "3967 6249" [label="[]", style=solid]; -"3545 6197" -> "3546 6198" [label="[-1]", style=dashed]; -"3546 6198" -> "3691 6518" [label="[]", style=solid]; -"3546 6198" -> "3971 6205" [label="[]", style=solid]; -"3547 6153" -> "3548 6154" [label="[-1]", style=dashed]; -"3548 6154" -> "3691 6518" [label="[]", style=solid]; -"3548 6154" -> "3975 6161" [label="[]", style=solid]; -"3549 6109" -> "3550 6110" [label="[-1]", style=dashed]; -"3550 6110" -> "3691 6518" [label="[]", style=solid]; -"3550 6110" -> "3979 6117" [label="[]", style=solid]; -"3551 6065" -> "3552 6066" [label="[-1]", style=dashed]; -"3552 6066" -> "3691 6518" [label="[]", style=solid]; -"3552 6066" -> "3983 6073" [label="[]", style=solid]; -"3553 6021" -> "3554 6022" [label="[-1]", style=dashed]; -"3554 6022" -> "3691 6518" [label="[]", style=solid]; -"3554 6022" -> "3987 6029" [label="[]", style=solid]; -"3555 5977" -> "3556 5978" [label="[-1]", style=dashed]; -"3556 5978" -> "3691 6518" [label="[]", style=solid]; -"3556 5978" -> "3991 5985" [label="[]", style=solid]; -"3557 5933" -> "3558 5934" [label="[-1]", style=dashed]; -"3558 5934" -> "3691 6518" [label="[]", style=solid]; -"3558 5934" -> "3995 5941" [label="[]", style=solid]; -"3559 5889" -> "3560 5890" [label="[-1]", style=dashed]; -"3560 5890" -> "3691 6518" [label="[]", style=solid]; -"3560 5890" -> "3999 5897" [label="[]", style=solid]; -"3561 5845" -> "3562 5846" [label="[-1]", style=dashed]; -"3562 5846" -> "3691 6518" [label="[]", style=solid]; -"3562 5846" -> "4003 5853" [label="[]", style=solid]; -"3563 5801" -> "3564 5802" [label="[-1]", style=dashed]; -"3564 5802" -> "3691 6518" [label="[]", style=solid]; -"3564 5802" -> "4007 5809" [label="[]", style=solid]; -"3565 5757" -> "3566 5758" [label="[-1]", style=dashed]; -"3566 5758" -> "3691 6518" [label="[]", style=solid]; -"3566 5758" -> "4011 5765" [label="[]", style=solid]; -"3567 5713" -> "3568 5714" [label="[-1]", style=dashed]; -"3568 5714" -> "3691 6518" [label="[]", style=solid]; -"3568 5714" -> "4015 5721" [label="[]", style=solid]; -"3569 5669" -> "3570 5670" [label="[-1]", style=dashed]; -"3570 5670" -> "3691 6518" [label="[]", style=solid]; -"3570 5670" -> "4019 5677" [label="[]", style=solid]; -"3571 5625" -> "3572 5626" [label="[-1]", style=dashed]; -"3572 5626" -> "3691 6518" [label="[]", style=solid]; -"3572 5626" -> "4023 5633" [label="[]", style=solid]; -"3573 5581" -> "3574 5582" [label="[-1]", style=dashed]; -"3574 5582" -> "3691 6518" [label="[]", style=solid]; -"3574 5582" -> "4027 5589" [label="[]", style=solid]; -"3575 5537" -> "3576 5538" [label="[-1]", style=dashed]; -"3576 5538" -> "3691 6518" [label="[]", style=solid]; -"3576 5538" -> "4031 5545" [label="[]", style=solid]; -"3577 5493" -> "3578 5494" [label="[-1]", style=dashed]; -"3578 5494" -> "3691 6518" [label="[]", style=solid]; -"3578 5494" -> "4035 5501" [label="[]", style=solid]; -"3579 5449" -> "3580 5450" [label="[-1]", style=dashed]; -"3580 5450" -> "3691 6518" [label="[]", style=solid]; -"3580 5450" -> "4039 5457" [label="[]", style=solid]; -"3581 5405" -> "3582 5406" [label="[-1]", style=dashed]; -"3582 5406" -> "3691 6518" [label="[]", style=solid]; -"3582 5406" -> "4043 5413" [label="[]", style=solid]; -"3583 5361" -> "3584 5362" [label="[-1]", style=dashed]; -"3584 5362" -> "3691 6518" [label="[]", style=solid]; -"3584 5362" -> "4047 5369" [label="[]", style=solid]; -"3585 5317" -> "3586 5318" [label="[-1]", style=dashed]; -"3586 5318" -> "3691 6518" [label="[]", style=solid]; -"3586 5318" -> "4051 5325" [label="[]", style=solid]; -"3587 5273" -> "3588 5274" [label="[-1]", style=dashed]; -"3588 5274" -> "3691 6518" [label="[]", style=solid]; -"3588 5274" -> "4055 5281" [label="[]", style=solid]; -"3589 5229" -> "3590 5230" [label="[-1]", style=dashed]; -"3590 5230" -> "3691 6518" [label="[]", style=solid]; -"3590 5230" -> "4059 5237" [label="[]", style=solid]; -"3591 5185" -> "3592 5186" [label="[-1]", style=dashed]; -"3592 5186" -> "3691 6518" [label="[]", style=solid]; -"3592 5186" -> "4063 5193" [label="[]", style=solid]; -"3593 5141" -> "3594 5142" [label="[-1]", style=dashed]; -"3594 5142" -> "3691 6518" [label="[]", style=solid]; -"3594 5142" -> "4067 5149" [label="[]", style=solid]; -"3595 5097" -> "3596 5098" [label="[-1]", style=dashed]; -"3596 5098" -> "3691 6518" [label="[]", style=solid]; -"3596 5098" -> "4071 5105" [label="[]", style=solid]; -"3597 5053" -> "3598 5054" [label="[-1]", style=dashed]; -"3598 5054" -> "3691 6518" [label="[]", style=solid]; -"3598 5054" -> "4075 5061" [label="[]", style=solid]; -"3599 5009" -> "3600 5010" [label="[-1]", style=dashed]; -"3600 5010" -> "3691 6518" [label="[]", style=solid]; -"3600 5010" -> "4079 5017" [label="[]", style=solid]; -"3601 4965" -> "3602 4966" [label="[-1]", style=dashed]; -"3602 4966" -> "3691 6518" [label="[]", style=solid]; -"3602 4966" -> "4083 4973" [label="[]", style=solid]; -"3603 4921" -> "3604 4922" [label="[-1]", style=dashed]; -"3604 4922" -> "3691 6518" [label="[]", style=solid]; -"3604 4922" -> "4087 4929" [label="[]", style=solid]; -"3605 4877" -> "3606 4878" [label="[-1]", style=dashed]; -"3606 4878" -> "3691 6518" [label="[]", style=solid]; -"3606 4878" -> "4091 4885" [label="[]", style=solid]; -"3607 4833" -> "3608 4834" [label="[-1]", style=dashed]; -"3608 4834" -> "3691 6518" [label="[]", style=solid]; -"3608 4834" -> "4095 4841" [label="[]", style=solid]; -"3609 4789" -> "3610 4790" [label="[-1]", style=dashed]; -"3610 4790" -> "3691 6518" [label="[]", style=solid]; -"3610 4790" -> "4099 4797" [label="[]", style=solid]; -"3611 4745" -> "3612 4746" [label="[-1]", style=dashed]; -"3612 4746" -> "3691 6518" [label="[]", style=solid]; -"3612 4746" -> "4103 4753" [label="[]", style=solid]; -"3613 4701" -> "3614 4702" [label="[-1]", style=dashed]; -"3614 4702" -> "3691 6518" [label="[]", style=solid]; -"3614 4702" -> "4107 4709" [label="[]", style=solid]; -"3615 4657" -> "3616 4658" [label="[-1]", style=dashed]; -"3616 4658" -> "3691 6518" [label="[]", style=solid]; -"3616 4658" -> "4111 4665" [label="[]", style=solid]; -"3617 4613" -> "3618 4614" [label="[-1]", style=dashed]; -"3618 4614" -> "3691 6518" [label="[]", style=solid]; -"3618 4614" -> "4115 4621" [label="[]", style=solid]; -"3619 4569" -> "3620 4570" [label="[-1]", style=dashed]; -"3620 4570" -> "3691 6518" [label="[]", style=solid]; -"3620 4570" -> "4119 4577" [label="[]", style=solid]; -"3621 4525" -> "3622 4526" [label="[-1]", style=dashed]; -"3622 4526" -> "3691 6518" [label="[]", style=solid]; -"3622 4526" -> "4123 4533" [label="[]", style=solid]; -"3623 4481" -> "3624 4482" [label="[-1]", style=dashed]; -"3624 4482" -> "3691 6518" [label="[]", style=solid]; -"3624 4482" -> "4127 4489" [label="[]", style=solid]; -"3625 4437" -> "3626 4438" [label="[-1]", style=dashed]; -"3626 4438" -> "3691 6518" [label="[]", style=solid]; -"3626 4438" -> "4131 4445" [label="[]", style=solid]; -"3627 4393" -> "3628 4394" [label="[-1]", style=dashed]; -"3628 4394" -> "3691 6518" [label="[]", style=solid]; -"3628 4394" -> "4135 4401" [label="[]", style=solid]; -"3629 4349" -> "3630 4350" [label="[-1]", style=dashed]; -"3630 4350" -> "3691 6518" [label="[]", style=solid]; -"3630 4350" -> "4139 4357" [label="[]", style=solid]; -"3631 4305" -> "3632 4306" [label="[-1]", style=dashed]; -"3632 4306" -> "3691 6518" [label="[]", style=solid]; -"3632 4306" -> "4143 4313" [label="[]", style=solid]; -"3633 4261" -> "3634 4262" [label="[-1]", style=dashed]; -"3634 4262" -> "3691 6518" [label="[]", style=solid]; -"3634 4262" -> "4147 4269" [label="[]", style=solid]; -"3635 4217" -> "3636 4218" [label="[-1]", style=dashed]; -"3636 4218" -> "3691 6518" [label="[]", style=solid]; -"3636 4218" -> "4151 4225" [label="[]", style=solid]; -"3637 4173" -> "3638 4174" [label="[-1]", style=dashed]; -"3638 4174" -> "3691 6518" [label="[]", style=solid]; -"3638 4174" -> "4155 4181" [label="[]", style=solid]; -"3639 4129" -> "3640 4130" [label="[-1]", style=dashed]; -"3640 4130" -> "3691 6518" [label="[]", style=solid]; -"3640 4130" -> "4159 4137" [label="[]", style=solid]; -"3641 4085" -> "3642 4086" [label="[-1]", style=dashed]; -"3642 4086" -> "3691 6518" [label="[]", style=solid]; -"3642 4086" -> "4163 4093" [label="[]", style=solid]; -"3643 4041" -> "3644 4042" [label="[-1]", style=dashed]; -"3644 4042" -> "3691 6518" [label="[]", style=solid]; -"3644 4042" -> "4167 4049" [label="[]", style=solid]; -"3645 3997" -> "3646 3998" [label="[-1]", style=dashed]; -"3646 3998" -> "3691 6518" [label="[]", style=solid]; -"3646 3998" -> "4171 4005" [label="[]", style=solid]; -"3647 3953" -> "3648 3954" [label="[-1]", style=dashed]; -"3648 3954" -> "3691 6518" [label="[]", style=solid]; -"3648 3954" -> "4175 3961" [label="[]", style=solid]; -"3649 3909" -> "3650 3910" [label="[-1]", style=dashed]; -"3650 3910" -> "3691 6518" [label="[]", style=solid]; -"3650 3910" -> "4179 3917" [label="[]", style=solid]; -"3651 3865" -> "3652 3866" [label="[-1]", style=dashed]; -"3652 3866" -> "3691 6518" [label="[]", style=solid]; -"3652 3866" -> "4183 3873" [label="[]", style=solid]; -"3653 3821" -> "3654 3822" [label="[-1]", style=dashed]; -"3654 3822" -> "3691 6518" [label="[]", style=solid]; -"3654 3822" -> "4187 3829" [label="[]", style=solid]; -"3655 3777" -> "3656 3778" [label="[-1]", style=dashed]; -"3656 3778" -> "3691 6518" [label="[]", style=solid]; -"3656 3778" -> "4191 3785" [label="[]", style=solid]; -"3657 3733" -> "3658 3734" [label="[-1]", style=dashed]; -"3658 3734" -> "3691 6518" [label="[]", style=solid]; -"3658 3734" -> "4195 3741" [label="[]", style=solid]; -"3659 3689" -> "3660 3690" [label="[-1]", style=dashed]; -"3660 3690" -> "3691 6518" [label="[]", style=solid]; -"3660 3690" -> "4199 3697" [label="[]", style=solid]; -"3661 3645" -> "3662 3646" [label="[-1]", style=dashed]; -"3662 3646" -> "3691 6518" [label="[]", style=solid]; -"3662 3646" -> "4203 3653" [label="[]", style=solid]; -"3663 3601" -> "3664 3602" [label="[-1]", style=dashed]; -"3664 3602" -> "3691 6518" [label="[]", style=solid]; -"3664 3602" -> "4207 3609" [label="[]", style=solid]; -"3665 3557" -> "3666 3558" [label="[-1]", style=dashed]; -"3666 3558" -> "3691 6518" [label="[]", style=solid]; -"3666 3558" -> "4211 3565" [label="[]", style=solid]; -"3667 3513" -> "3668 3514" [label="[-1]", style=dashed]; -"3668 3514" -> "3691 6518" [label="[]", style=solid]; -"3668 3514" -> "4215 3521" [label="[]", style=solid]; -"3669 3469" -> "3670 3470" [label="[-1]", style=dashed]; -"3670 3470" -> "3691 6518" [label="[]", style=solid]; -"3670 3470" -> "4219 3477" [label="[]", style=solid]; -"3671 3425" -> "3672 3426" [label="[-1]", style=dashed]; -"3672 3426" -> "3691 6518" [label="[]", style=solid]; -"3672 3426" -> "4223 3433" [label="[]", style=solid]; -"3673 3381" -> "3674 3382" [label="[-1]", style=dashed]; -"3674 3382" -> "3691 6518" [label="[]", style=solid]; -"3674 3382" -> "4227 3389" [label="[]", style=solid]; -"3675 3337" -> "3676 3338" [label="[-1]", style=dashed]; -"3676 3338" -> "3691 6518" [label="[]", style=solid]; -"3676 3338" -> "4231 3345" [label="[]", style=solid]; -"3677 3293" -> "3678 3294" [label="[-1]", style=dashed]; -"3678 3294" -> "3691 6518" [label="[]", style=solid]; -"3678 3294" -> "4235 3301" [label="[]", style=solid]; -"3679 3249" -> "3680 3250" [label="[-1]", style=dashed]; -"3680 3250" -> "3691 6518" [label="[]", style=solid]; -"3680 3250" -> "4239 3257" [label="[]", style=solid]; -"3681 3205" -> "3682 3206" [label="[-1]", style=dashed]; -"3682 3206" -> "3691 6518" [label="[]", style=solid]; -"3682 3206" -> "4243 3213" [label="[]", style=solid]; -"3683 3161" -> "3684 3162" [label="[-1]", style=dashed]; -"3684 3162" -> "3691 6518" [label="[]", style=solid]; -"3684 3162" -> "4247 3169" [label="[]", style=solid]; -"3685 3117" -> "3686 3118" [label="[-1]", style=dashed]; -"3686 3118" -> "3691 6518" [label="[]", style=solid]; -"3686 3118" -> "4251 3125" [label="[]", style=solid]; -"3687 3073" -> "3688 3074" [label="[-1]", style=dashed]; -"3688 3074" -> "3691 6518" [label="[]", style=solid]; -"3688 3074" -> "4255 3081" [label="[]", style=solid]; -"3689 3029" -> "3690 3030" [label="[-1]", style=dashed]; -"3690 3030" -> "3691 6518" [label="[]", style=solid]; -"3690 3030" -> "4259 3037" [label="[]", style=solid]; -"3691 6518" -> "3692 6530" [label="[]", style=solid]; -"3692 6530" -> "3693 QuantizeLinear_6568_1" [label="[-1, 4]", style=solid]; -"3692 6530" -> "3695 QuantizeLinear_6568_2" [label="[-1, 4]", style=solid]; -"3692 6530" -> "3697 QuantizeLinear_6568_3" [label="[-1, 4]", style=solid]; -"3692 6530" -> "3699 QuantizeLinear_6568_4" [label="[-1, 4]", style=solid]; -"3692 6530" -> "3746 6539" [label="[-1, 4]", style=solid]; -"3692 6530" -> "3750 6547" [label="[-1, 4]", style=solid]; -"3692 6530" -> "4281 nncf_model_output_0" [label="[-1, 4]", style=solid]; -"3693 QuantizeLinear_6568_1" -> "3694 DequantizeLinear_6568_1" [label="[-1, 4]", style=dashed]; -"3694 DequantizeLinear_6568_1" -> "3701 6576" [label="[-1, 4]", style=solid]; -"3695 QuantizeLinear_6568_2" -> "3696 DequantizeLinear_6568_2" [label="[-1, 4]", style=dashed]; -"3696 DequantizeLinear_6568_2" -> "3703 6569" [label="[-1, 4]", style=solid]; -"3697 QuantizeLinear_6568_3" -> "3698 DequantizeLinear_6568_3" [label="[-1, 4]", style=dashed]; -"3698 DequantizeLinear_6568_3" -> "3709 6559" [label="[-1, 4]", style=solid]; -"3699 QuantizeLinear_6568_4" -> "3700 DequantizeLinear_6568_4" [label="[-1, 4]", style=dashed]; -"3700 DequantizeLinear_6568_4" -> "3711 6552" [label="[-1, 4]", style=solid]; -"3701 6576" -> "3702 6578" [label="[-1, 4]", style=solid]; -"3702 6578" -> "3705 6579" [label="[-1]", style=solid]; -"3703 6569" -> "3704 6571" [label="[-1, 4]", style=solid]; -"3704 6571" -> "3705 6579" [label="[-1]", style=solid]; -"3705 6579" -> "3706 QuantizeLinear_6617_1" [label="[-1]", style=solid]; -"3706 QuantizeLinear_6617_1" -> "3707 DequantizeLinear_6617_1" [label="[-1]", style=dashed]; -"3707 DequantizeLinear_6617_1" -> "3708 6581" [label="[-1]", style=solid]; -"3708 6581" -> "3717 QuantizeLinear_6619_1" [label="[-1]", style=solid]; -"3709 6559" -> "3710 6561" [label="[-1, 4]", style=solid]; -"3710 6561" -> "3713 6562" [label="[-1]", style=solid]; -"3711 6552" -> "3712 6554" [label="[-1, 4]", style=solid]; -"3712 6554" -> "3713 6562" [label="[-1]", style=solid]; -"3713 6562" -> "3714 QuantizeLinear_6600_1" [label="[-1]", style=solid]; -"3714 QuantizeLinear_6600_1" -> "3715 DequantizeLinear_6600_1" [label="[-1]", style=dashed]; -"3715 DequantizeLinear_6600_1" -> "3716 6564" [label="[-1]", style=solid]; -"3716 6564" -> "3719 QuantizeLinear_6602_1" [label="[-1]", style=solid]; -"3717 QuantizeLinear_6619_1" -> "3718 DequantizeLinear_6619_1" [label="[-1]", style=dashed]; -"3718 DequantizeLinear_6619_1" -> "3721 6582" [label="[-1]", style=solid]; -"3719 QuantizeLinear_6602_1" -> "3720 DequantizeLinear_6602_1" [label="[-1]", style=dashed]; -"3720 DequantizeLinear_6602_1" -> "3721 6582" [label="[-1]", style=solid]; -"3721 6582" -> "3722 QuantizeLinear_6620_1" [label="[-1]", style=solid]; -"3722 QuantizeLinear_6620_1" -> "3723 DequantizeLinear_6620_1" [label="[-1]", style=dashed]; -"3723 DequantizeLinear_6620_1" -> "3724 6583" [label="[-1]", style=solid]; -"3724 6583" -> "3725 6586" [label="[-1]", style=solid]; -"3725 6586" -> "3726 QuantizeLinear_6624_1" [label="[-1]", style=solid]; -"3726 QuantizeLinear_6624_1" -> "3727 DequantizeLinear_6624_1" [label="[-1]", style=dashed]; -"3727 DequantizeLinear_6624_1" -> "3728 6587" [label="[-1]", style=solid]; -"3728 6587" -> "3729 6588" [label="[-1]", style=solid]; -"3729 6588" -> "3730 6590" [label="[-1]", style=solid]; -"3730 6590" -> "3731 QuantizeLinear_6628_1" [label="[-1]", style=solid]; -"3731 QuantizeLinear_6628_1" -> "3732 DequantizeLinear_6628_1" [label="[-1]", style=dashed]; -"3732 DequantizeLinear_6628_1" -> "3733 6592" [label="[-1]", style=solid]; -"3733 6592" -> "3734 QuantizeLinear_6630_1" [label="[-1]", style=solid]; -"3734 QuantizeLinear_6630_1" -> "3735 DequantizeLinear_6630_1" [label="[-1]", style=dashed]; -"3735 DequantizeLinear_6630_1" -> "3736 6593" [label="[-1]", style=solid]; -"3736 6593" -> "3737 6594" [label="[-1]", style=solid]; -"3737 6594" -> "3738 6595" [label="[-1]", style=solid]; -"3738 6595" -> "3739 6597" [label="[-1]", style=dashed]; -"3739 6597" -> "3740 6599" [label="[-1]", style=dashed]; -"3739 6597" -> "3767 6685" [label="[-1]", style=dashed]; -"3739 6597" -> "3787 6667" [label="[-1]", style=dashed]; -"3739 6597" -> "3793 6616" [label="[-1]", style=dashed]; -"3739 6597" -> "3815 6713" [label="[-1]", style=dashed]; -"3739 6597" -> "3827 6633" [label="[-1]", style=dashed]; -"3739 6597" -> "3849 6741" [label="[-1]", style=dashed]; -"3739 6597" -> "3861 6650" [label="[-1]", style=dashed]; -"3739 6597" -> "3883 6769" [label="[-1]", style=dashed]; -"3740 6599" -> "3741 6601" [label="[-1]", style=dashed]; -"3741 6601" -> "3742 6602" [label="[-1]", style=solid]; -"3742 6602" -> "3743 6603" [label="[1, -1]", style=dashed]; -"3743 6603" -> "3744 6604" [label="[-1, 1]", style=dashed]; -"3744 6604" -> "3745 6605" [label="[-1]", style=dashed]; -"3745 6605" -> "3751 6606" [label="[-1]", style=dashed]; -"3746 6539" -> "3747 6544" [label="[-1, 4]", style=solid]; -"3747 6544" -> "3748 6545" [label="[-1, 1]", style=solid]; -"3748 6545" -> "3749 6546" [label="[2]", style=dashed]; -"3749 6546" -> "3750 6547" [label="[-1, -1]", style=solid]; -"3750 6547" -> "3751 6606" [label="[-1, -1]", style=solid]; -"3750 6547" -> "3799 6623" [label="[-1, -1]", style=solid]; -"3750 6547" -> "3833 6640" [label="[-1, -1]", style=solid]; -"3750 6547" -> "3867 6657" [label="[-1, -1]", style=solid]; -"3751 6606" -> "3752 6612" [label="[-1, -1]", style=solid]; -"3751 6606" -> "3753 6608" [label="[-1, -1]", style=solid]; -"3752 6612" -> "3756 6613" [label="[-1, 4]", style=solid]; -"3753 6608" -> "3754 6609" [label="[-1, 1]", style=solid]; -"3754 6609" -> "3755 6610" [label="[-1]", style=solid]; -"3755 6610" -> "3756 6613" [label="[-1]", style=dashed]; -"3756 6613" -> "3757 6614" [label="[-1, 256, 14, 14]", style=solid]; -"3757 6614" -> "3758 6702" [label="[-1, 256, 14, 14]", style=solid]; -"3757 6614" -> "3761 6699" [label="[-1, 256, 14, 14]", style=solid]; -"3757 6614" -> "3764 6696" [label="[-1, 256, 14, 14]", style=solid]; -"3757 6614" -> "3778 6676" [label="[-1, 256, 14, 14]", style=solid]; -"3757 6614" -> "3781 6673" [label="[-1, 256, 14, 14]", style=solid]; -"3757 6614" -> "3784 6670" [label="[-1, 256, 14, 14]", style=solid]; -"3757 6614" -> "3792 6711" [label="[-1, 256, 14, 14]", style=solid]; -"3758 6702" -> "3759 6703" [label="[4]", style=dashed]; -"3759 6703" -> "3760 6707" [label="[]", style=dashed]; -"3760 6707" -> "3775 6708" [label="[1]", style=dashed]; -"3761 6699" -> "3762 6700" [label="[4]", style=dashed]; -"3762 6700" -> "3763 6706" [label="[]", style=dashed]; -"3763 6706" -> "3775 6708" [label="[1]", style=dashed]; -"3764 6696" -> "3765 6697" [label="[4]", style=dashed]; -"3765 6697" -> "3766 6705" [label="[]", style=dashed]; -"3766 6705" -> "3775 6708" [label="[1]", style=dashed]; -"3767 6685" -> "3768 6687" [label="[-1]", style=dashed]; -"3768 6687" -> "3769 6688" [label="[-1]", style=solid]; -"3769 6688" -> "3770 6689" [label="[1, -1]", style=dashed]; -"3770 6689" -> "3771 6691" [label="[-1, 1]", style=dashed]; -"3771 6691" -> "3772 6693" [label="[-1, 1, 1, 1]", style=dashed]; -"3771 6691" -> "3776 6709" [label="[-1, 1, 1, 1]", style=dashed]; -"3772 6693" -> "3773 6694" [label="[4]", style=dashed]; -"3773 6694" -> "3774 6704" [label="[]", style=dashed]; -"3774 6704" -> "3775 6708" [label="[1]", style=dashed]; -"3775 6708" -> "3776 6709" [label="[4]", style=dashed]; -"3776 6709" -> "3777 6710" [label="[-1, -1, -1, -1]", style=dashed]; -"3777 6710" -> "3792 6711" [label="[-1, -1, -1, -1]", style=dashed]; -"3778 6676" -> "3779 6677" [label="[4]", style=dashed]; -"3779 6677" -> "3780 6681" [label="[]", style=dashed]; -"3780 6681" -> "3790 6682" [label="[1]", style=dashed]; -"3781 6673" -> "3782 6674" [label="[4]", style=dashed]; -"3782 6674" -> "3783 6680" [label="[]", style=dashed]; -"3783 6680" -> "3790 6682" [label="[1]", style=dashed]; -"3784 6670" -> "3785 6671" [label="[4]", style=dashed]; -"3785 6671" -> "3786 6679" [label="[]", style=dashed]; -"3786 6679" -> "3790 6682" [label="[1]", style=dashed]; -"3787 6667" -> "3788 6668" [label="[1]", style=dashed]; -"3788 6668" -> "3789 6678" [label="[]", style=dashed]; -"3789 6678" -> "3790 6682" [label="[1]", style=dashed]; -"3790 6682" -> "3791 6683" [label="[4]", style=dashed]; -"3791 6683" -> "3792 6711" [label="[-1, -1, -1, -1]", style=solid]; -"3792 6711" -> "3826 6739" [label="[-1, -1, -1, -1]", style=solid]; -"3793 6616" -> "3794 6618" [label="[-1]", style=dashed]; -"3794 6618" -> "3795 6619" [label="[-1]", style=solid]; -"3795 6619" -> "3796 6620" [label="[1, -1]", style=dashed]; -"3796 6620" -> "3797 6621" [label="[-1, 1]", style=dashed]; -"3797 6621" -> "3798 6622" [label="[-1]", style=dashed]; -"3798 6622" -> "3799 6623" [label="[-1]", style=dashed]; -"3799 6623" -> "3800 6629" [label="[-1, -1]", style=solid]; -"3799 6623" -> "3801 6625" [label="[-1, -1]", style=solid]; -"3800 6629" -> "3804 6630" [label="[-1, 4]", style=solid]; -"3801 6625" -> "3802 6626" [label="[-1, 1]", style=solid]; -"3802 6626" -> "3803 6627" [label="[-1]", style=solid]; -"3803 6627" -> "3804 6630" [label="[-1]", style=dashed]; -"3804 6630" -> "3805 6631" [label="[-1, 256, 14, 14]", style=solid]; -"3805 6631" -> "3806 6730" [label="[-1, 256, 14, 14]", style=solid]; -"3805 6631" -> "3809 6727" [label="[-1, 256, 14, 14]", style=solid]; -"3805 6631" -> "3812 6724" [label="[-1, 256, 14, 14]", style=solid]; -"3805 6631" -> "3826 6739" [label="[-1, 256, 14, 14]", style=solid]; -"3806 6730" -> "3807 6731" [label="[4]", style=dashed]; -"3807 6731" -> "3808 6735" [label="[]", style=dashed]; -"3808 6735" -> "3823 6736" [label="[1]", style=dashed]; -"3809 6727" -> "3810 6728" [label="[4]", style=dashed]; -"3810 6728" -> "3811 6734" [label="[]", style=dashed]; -"3811 6734" -> "3823 6736" [label="[1]", style=dashed]; -"3812 6724" -> "3813 6725" [label="[4]", style=dashed]; -"3813 6725" -> "3814 6733" [label="[]", style=dashed]; -"3814 6733" -> "3823 6736" [label="[1]", style=dashed]; -"3815 6713" -> "3816 6715" [label="[-1]", style=dashed]; -"3816 6715" -> "3817 6716" [label="[-1]", style=solid]; -"3817 6716" -> "3818 6717" [label="[1, -1]", style=dashed]; -"3818 6717" -> "3819 6719" [label="[-1, 1]", style=dashed]; -"3819 6719" -> "3820 6721" [label="[-1, 1, 1, 1]", style=dashed]; -"3819 6719" -> "3824 6737" [label="[-1, 1, 1, 1]", style=dashed]; -"3820 6721" -> "3821 6722" [label="[4]", style=dashed]; -"3821 6722" -> "3822 6732" [label="[]", style=dashed]; -"3822 6732" -> "3823 6736" [label="[1]", style=dashed]; -"3823 6736" -> "3824 6737" [label="[4]", style=dashed]; -"3824 6737" -> "3825 6738" [label="[-1, -1, -1, -1]", style=dashed]; -"3825 6738" -> "3826 6739" [label="[-1, -1, -1, -1]", style=dashed]; -"3826 6739" -> "3860 6767" [label="[-1, -1, -1, -1]", style=solid]; -"3827 6633" -> "3828 6635" [label="[-1]", style=dashed]; -"3828 6635" -> "3829 6636" [label="[-1]", style=solid]; -"3829 6636" -> "3830 6637" [label="[1, -1]", style=dashed]; -"3830 6637" -> "3831 6638" [label="[-1, 1]", style=dashed]; -"3831 6638" -> "3832 6639" [label="[-1]", style=dashed]; -"3832 6639" -> "3833 6640" [label="[-1]", style=dashed]; -"3833 6640" -> "3834 6646" [label="[-1, -1]", style=solid]; -"3833 6640" -> "3835 6642" [label="[-1, -1]", style=solid]; -"3834 6646" -> "3838 6647" [label="[-1, 4]", style=solid]; -"3835 6642" -> "3836 6643" [label="[-1, 1]", style=solid]; -"3836 6643" -> "3837 6644" [label="[-1]", style=solid]; -"3837 6644" -> "3838 6647" [label="[-1]", style=dashed]; -"3838 6647" -> "3839 6648" [label="[-1, 256, 14, 14]", style=solid]; -"3839 6648" -> "3840 6758" [label="[-1, 256, 14, 14]", style=solid]; -"3839 6648" -> "3843 6755" [label="[-1, 256, 14, 14]", style=solid]; -"3839 6648" -> "3846 6752" [label="[-1, 256, 14, 14]", style=solid]; -"3839 6648" -> "3860 6767" [label="[-1, 256, 14, 14]", style=solid]; -"3840 6758" -> "3841 6759" [label="[4]", style=dashed]; -"3841 6759" -> "3842 6763" [label="[]", style=dashed]; -"3842 6763" -> "3857 6764" [label="[1]", style=dashed]; -"3843 6755" -> "3844 6756" [label="[4]", style=dashed]; -"3844 6756" -> "3845 6762" [label="[]", style=dashed]; -"3845 6762" -> "3857 6764" [label="[1]", style=dashed]; -"3846 6752" -> "3847 6753" [label="[4]", style=dashed]; -"3847 6753" -> "3848 6761" [label="[]", style=dashed]; -"3848 6761" -> "3857 6764" [label="[1]", style=dashed]; -"3849 6741" -> "3850 6743" [label="[-1]", style=dashed]; -"3850 6743" -> "3851 6744" [label="[-1]", style=solid]; -"3851 6744" -> "3852 6745" [label="[1, -1]", style=dashed]; -"3852 6745" -> "3853 6747" [label="[-1, 1]", style=dashed]; -"3853 6747" -> "3854 6749" [label="[-1, 1, 1, 1]", style=dashed]; -"3853 6747" -> "3858 6765" [label="[-1, 1, 1, 1]", style=dashed]; -"3854 6749" -> "3855 6750" [label="[4]", style=dashed]; -"3855 6750" -> "3856 6760" [label="[]", style=dashed]; -"3856 6760" -> "3857 6764" [label="[1]", style=dashed]; -"3857 6764" -> "3858 6765" [label="[4]", style=dashed]; -"3858 6765" -> "3859 6766" [label="[-1, -1, -1, -1]", style=dashed]; -"3859 6766" -> "3860 6767" [label="[-1, -1, -1, -1]", style=dashed]; -"3860 6767" -> "3894 6795" [label="[-1, -1, -1, -1]", style=solid]; -"3861 6650" -> "3862 6652" [label="[-1]", style=dashed]; -"3862 6652" -> "3863 6653" [label="[-1]", style=solid]; -"3863 6653" -> "3864 6654" [label="[1, -1]", style=dashed]; -"3864 6654" -> "3865 6655" [label="[-1, 1]", style=dashed]; -"3865 6655" -> "3866 6656" [label="[-1]", style=dashed]; -"3866 6656" -> "3867 6657" [label="[-1]", style=dashed]; -"3867 6657" -> "3868 6663" [label="[-1, -1]", style=solid]; -"3867 6657" -> "3869 6659" [label="[-1, -1]", style=solid]; -"3868 6663" -> "3872 6664" [label="[-1, 4]", style=solid]; -"3869 6659" -> "3870 6660" [label="[-1, 1]", style=solid]; -"3870 6660" -> "3871 6661" [label="[-1]", style=solid]; -"3871 6661" -> "3872 6664" [label="[-1]", style=dashed]; -"3872 6664" -> "3873 6665" [label="[-1, 256, 14, 14]", style=solid]; -"3873 6665" -> "3874 6786" [label="[-1, 256, 14, 14]", style=solid]; -"3873 6665" -> "3877 6783" [label="[-1, 256, 14, 14]", style=solid]; -"3873 6665" -> "3880 6780" [label="[-1, 256, 14, 14]", style=solid]; -"3873 6665" -> "3894 6795" [label="[-1, 256, 14, 14]", style=solid]; -"3874 6786" -> "3875 6787" [label="[4]", style=dashed]; -"3875 6787" -> "3876 6791" [label="[]", style=dashed]; -"3876 6791" -> "3891 6792" [label="[1]", style=dashed]; -"3877 6783" -> "3878 6784" [label="[4]", style=dashed]; -"3878 6784" -> "3879 6790" [label="[]", style=dashed]; -"3879 6790" -> "3891 6792" [label="[1]", style=dashed]; -"3880 6780" -> "3881 6781" [label="[4]", style=dashed]; -"3881 6781" -> "3882 6789" [label="[]", style=dashed]; -"3882 6789" -> "3891 6792" [label="[1]", style=dashed]; -"3883 6769" -> "3884 6771" [label="[-1]", style=dashed]; -"3884 6771" -> "3885 6772" [label="[-1]", style=solid]; -"3885 6772" -> "3886 6773" [label="[1, -1]", style=dashed]; -"3886 6773" -> "3887 6775" [label="[-1, 1]", style=dashed]; -"3887 6775" -> "3888 6777" [label="[-1, 1, 1, 1]", style=dashed]; -"3887 6775" -> "3892 6793" [label="[-1, 1, 1, 1]", style=dashed]; -"3888 6777" -> "3889 6778" [label="[4]", style=dashed]; -"3889 6778" -> "3890 6788" [label="[]", style=dashed]; -"3890 6788" -> "3891 6792" [label="[1]", style=dashed]; -"3891 6792" -> "3892 6793" [label="[4]", style=dashed]; -"3892 6793" -> "3893 6794" [label="[-1, -1, -1, -1]", style=dashed]; -"3893 6794" -> "3894 6795" [label="[-1, -1, -1, -1]", style=dashed]; -"3894 6795" -> "3895 QuantizeLinear_6833_1" [label="[-1, -1, -1, -1]", style=solid]; -"3895 QuantizeLinear_6833_1" -> "3896 DequantizeLinear_6833_1" [label="[-1, -1, -1, -1]", style=dashed]; -"3896 DequantizeLinear_6833_1" -> "3899 6798" [label="[-1, -1, -1, -1]", style=solid]; -"3897 QuantizeLinear_6834_1" -> "3898 DequantizeLinear_6834_1" [label="[256, 256, 3, 3]", style=dashed]; -"3898 DequantizeLinear_6834_1" -> "3899 6798" [label="[256, 256, 3, 3]", style=solid]; -"3899 6798" -> "3900 6799" [label="[-1, 256, -1, -1]", style=solid]; -"3900 6799" -> "3901 QuantizeLinear_6837_1" [label="[-1, 256, -1, -1]", style=solid]; -"3901 QuantizeLinear_6837_1" -> "3902 DequantizeLinear_6837_1" [label="[-1, 256, -1, -1]", style=dashed]; -"3902 DequantizeLinear_6837_1" -> "3905 6802" [label="[-1, 256, -1, -1]", style=solid]; -"3903 QuantizeLinear_6838_1" -> "3904 DequantizeLinear_6838_1" [label="[256, 256, 3, 3]", style=dashed]; -"3904 DequantizeLinear_6838_1" -> "3905 6802" [label="[256, 256, 3, 3]", style=solid]; -"3905 6802" -> "3906 6803" [label="[-1, 256, -1, -1]", style=solid]; -"3906 6803" -> "3907 QuantizeLinear_6841_1" [label="[-1, 256, -1, -1]", style=solid]; -"3907 QuantizeLinear_6841_1" -> "3908 DequantizeLinear_6841_1" [label="[-1, 256, -1, -1]", style=dashed]; -"3908 DequantizeLinear_6841_1" -> "3911 6806" [label="[-1, 256, -1, -1]", style=solid]; -"3909 QuantizeLinear_6842_1" -> "3910 DequantizeLinear_6842_1" [label="[256, 256, 3, 3]", style=dashed]; -"3910 DequantizeLinear_6842_1" -> "3911 6806" [label="[256, 256, 3, 3]", style=solid]; -"3911 6806" -> "3912 6807" [label="[-1, 256, -1, -1]", style=solid]; -"3912 6807" -> "3913 QuantizeLinear_6845_1" [label="[-1, 256, -1, -1]", style=solid]; -"3913 QuantizeLinear_6845_1" -> "3914 DequantizeLinear_6845_1" [label="[-1, 256, -1, -1]", style=dashed]; -"3914 DequantizeLinear_6845_1" -> "3917 6810" [label="[-1, 256, -1, -1]", style=solid]; -"3915 QuantizeLinear_6846_1" -> "3916 DequantizeLinear_6846_1" [label="[256, 256, 3, 3]", style=dashed]; -"3916 DequantizeLinear_6846_1" -> "3917 6810" [label="[256, 256, 3, 3]", style=solid]; -"3917 6810" -> "3918 6811" [label="[-1, 256, -1, -1]", style=solid]; -"3918 6811" -> "3919 QuantizeLinear_6849_1" [label="[-1, 256, -1, -1]", style=solid]; -"3919 QuantizeLinear_6849_1" -> "3920 DequantizeLinear_6849_1" [label="[-1, 256, -1, -1]", style=dashed]; -"3920 DequantizeLinear_6849_1" -> "3923 6814" [label="[-1, 256, -1, -1]", style=solid]; -"3921 QuantizeLinear_6850_1" -> "3922 DequantizeLinear_6850_1" [label="[256, 256, 2, 2]", style=dashed]; -"3922 DequantizeLinear_6850_1" -> "3923 6814" [label="[256, 256, 2, 2]", style=solid]; -"3923 6814" -> "3924 6815" [label="[-1, 256, -1, -1]", style=solid]; -"3924 6815" -> "3925 QuantizeLinear_6853_1" [label="[-1, 256, -1, -1]", style=solid]; -"3925 QuantizeLinear_6853_1" -> "3926 DequantizeLinear_6853_1" [label="[-1, 256, -1, -1]", style=dashed]; -"3926 DequantizeLinear_6853_1" -> "3929 6818" [label="[-1, 256, -1, -1]", style=solid]; -"3927 QuantizeLinear_6854_1" -> "3928 DequantizeLinear_6854_1" [label="[81, 256, 1, 1]", style=dashed]; -"3928 DequantizeLinear_6854_1" -> "3929 6818" [label="[81, 256, 1, 1]", style=solid]; -"3929 6818" -> "3930 6819" [label="[-1, 81, -1, -1]", style=solid]; -"3929 6818" -> "3933 6822" [label="[-1, 81, -1, -1]", style=solid]; -"3930 6819" -> "3931 6844" [label="[-1, 81, -1, -1]", style=solid]; -"3930 6819" -> "4267 6835" [label="[-1, 81, -1, -1]", style=solid]; -"3930 6819" -> "4270 6832" [label="[-1, 81, -1, -1]", style=solid]; -"3930 6819" -> "4275 6842" [label="[-1, 81, -1, -1]", style=solid]; -"3931 6844" -> "3932 6845" [label="[4]", style=dashed]; -"3932 6845" -> "3942 6846" [label="[]", style=dashed]; -"3933 6822" -> "3934 6823" [label="[4]", style=dashed]; -"3934 6823" -> "3935 6824" [label="[]", style=dashed]; -"3935 6824" -> "3936 6825" [label="[1]", style=dashed]; -"3936 6825" -> "3937 6826" [label="[1]", style=dashed]; -"3937 6826" -> "3938 6827" [label="[-1]", style=dashed]; -"3938 6827" -> "3939 6828" [label="[-1]", style=solid]; -"3939 6828" -> "3940 6829" [label="[1, -1]", style=dashed]; -"3940 6829" -> "3941 6830" [label="[-1, 1]", style=dashed]; -"3941 6830" -> "3942 6846" [label="[-1]", style=dashed]; -"3942 6846" -> "4266 6847" [label="[-1]", style=dashed]; -"3943 6513" -> "3944 6515" [label="[]", style=solid]; -"3944 6515" -> "3945 6516" [label="[]", style=solid]; -"3945 6516" -> "3946 6517" [label="[-1]", style=dashed]; -"3946 6517" -> "4263 6519" [label="[]", style=dashed]; -"3947 6469" -> "3948 6471" [label="[]", style=solid]; -"3948 6471" -> "3949 6472" [label="[]", style=solid]; -"3949 6472" -> "3950 6473" [label="[-1]", style=dashed]; -"3950 6473" -> "4263 6519" [label="[]", style=dashed]; -"3951 6425" -> "3952 6427" [label="[]", style=solid]; -"3952 6427" -> "3953 6428" [label="[]", style=solid]; -"3953 6428" -> "3954 6429" [label="[-1]", style=dashed]; -"3954 6429" -> "4263 6519" [label="[]", style=dashed]; -"3955 6381" -> "3956 6383" [label="[]", style=solid]; -"3956 6383" -> "3957 6384" [label="[]", style=solid]; -"3957 6384" -> "3958 6385" [label="[-1]", style=dashed]; -"3958 6385" -> "4263 6519" [label="[]", style=dashed]; -"3959 6337" -> "3960 6339" [label="[]", style=solid]; -"3960 6339" -> "3961 6340" [label="[]", style=solid]; -"3961 6340" -> "3962 6341" [label="[-1]", style=dashed]; -"3962 6341" -> "4263 6519" [label="[]", style=dashed]; -"3963 6293" -> "3964 6295" [label="[]", style=solid]; -"3964 6295" -> "3965 6296" [label="[]", style=solid]; -"3965 6296" -> "3966 6297" [label="[-1]", style=dashed]; -"3966 6297" -> "4263 6519" [label="[]", style=dashed]; -"3967 6249" -> "3968 6251" [label="[]", style=solid]; -"3968 6251" -> "3969 6252" [label="[]", style=solid]; -"3969 6252" -> "3970 6253" [label="[-1]", style=dashed]; -"3970 6253" -> "4263 6519" [label="[]", style=dashed]; -"3971 6205" -> "3972 6207" [label="[]", style=solid]; -"3972 6207" -> "3973 6208" [label="[]", style=solid]; -"3973 6208" -> "3974 6209" [label="[-1]", style=dashed]; -"3974 6209" -> "4263 6519" [label="[]", style=dashed]; -"3975 6161" -> "3976 6163" [label="[]", style=solid]; -"3976 6163" -> "3977 6164" [label="[]", style=solid]; -"3977 6164" -> "3978 6165" [label="[-1]", style=dashed]; -"3978 6165" -> "4263 6519" [label="[]", style=dashed]; -"3979 6117" -> "3980 6119" [label="[]", style=solid]; -"3980 6119" -> "3981 6120" [label="[]", style=solid]; -"3981 6120" -> "3982 6121" [label="[-1]", style=dashed]; -"3982 6121" -> "4263 6519" [label="[]", style=dashed]; -"3983 6073" -> "3984 6075" [label="[]", style=solid]; -"3984 6075" -> "3985 6076" [label="[]", style=solid]; -"3985 6076" -> "3986 6077" [label="[-1]", style=dashed]; -"3986 6077" -> "4263 6519" [label="[]", style=dashed]; -"3987 6029" -> "3988 6031" [label="[]", style=solid]; -"3988 6031" -> "3989 6032" [label="[]", style=solid]; -"3989 6032" -> "3990 6033" [label="[-1]", style=dashed]; -"3990 6033" -> "4263 6519" [label="[]", style=dashed]; -"3991 5985" -> "3992 5987" [label="[]", style=solid]; -"3992 5987" -> "3993 5988" [label="[]", style=solid]; -"3993 5988" -> "3994 5989" [label="[-1]", style=dashed]; -"3994 5989" -> "4263 6519" [label="[]", style=dashed]; -"3995 5941" -> "3996 5943" [label="[]", style=solid]; -"3996 5943" -> "3997 5944" [label="[]", style=solid]; -"3997 5944" -> "3998 5945" [label="[-1]", style=dashed]; -"3998 5945" -> "4263 6519" [label="[]", style=dashed]; -"3999 5897" -> "4000 5899" [label="[]", style=solid]; -"4000 5899" -> "4001 5900" [label="[]", style=solid]; -"4001 5900" -> "4002 5901" [label="[-1]", style=dashed]; -"4002 5901" -> "4263 6519" [label="[]", style=dashed]; -"4003 5853" -> "4004 5855" [label="[]", style=solid]; -"4004 5855" -> "4005 5856" [label="[]", style=solid]; -"4005 5856" -> "4006 5857" [label="[-1]", style=dashed]; -"4006 5857" -> "4263 6519" [label="[]", style=dashed]; -"4007 5809" -> "4008 5811" [label="[]", style=solid]; -"4008 5811" -> "4009 5812" [label="[]", style=solid]; -"4009 5812" -> "4010 5813" [label="[-1]", style=dashed]; -"4010 5813" -> "4263 6519" [label="[]", style=dashed]; -"4011 5765" -> "4012 5767" [label="[]", style=solid]; -"4012 5767" -> "4013 5768" [label="[]", style=solid]; -"4013 5768" -> "4014 5769" [label="[-1]", style=dashed]; -"4014 5769" -> "4263 6519" [label="[]", style=dashed]; -"4015 5721" -> "4016 5723" [label="[]", style=solid]; -"4016 5723" -> "4017 5724" [label="[]", style=solid]; -"4017 5724" -> "4018 5725" [label="[-1]", style=dashed]; -"4018 5725" -> "4263 6519" [label="[]", style=dashed]; -"4019 5677" -> "4020 5679" [label="[]", style=solid]; -"4020 5679" -> "4021 5680" [label="[]", style=solid]; -"4021 5680" -> "4022 5681" [label="[-1]", style=dashed]; -"4022 5681" -> "4263 6519" [label="[]", style=dashed]; -"4023 5633" -> "4024 5635" [label="[]", style=solid]; -"4024 5635" -> "4025 5636" [label="[]", style=solid]; -"4025 5636" -> "4026 5637" [label="[-1]", style=dashed]; -"4026 5637" -> "4263 6519" [label="[]", style=dashed]; -"4027 5589" -> "4028 5591" [label="[]", style=solid]; -"4028 5591" -> "4029 5592" [label="[]", style=solid]; -"4029 5592" -> "4030 5593" [label="[-1]", style=dashed]; -"4030 5593" -> "4263 6519" [label="[]", style=dashed]; -"4031 5545" -> "4032 5547" [label="[]", style=solid]; -"4032 5547" -> "4033 5548" [label="[]", style=solid]; -"4033 5548" -> "4034 5549" [label="[-1]", style=dashed]; -"4034 5549" -> "4263 6519" [label="[]", style=dashed]; -"4035 5501" -> "4036 5503" [label="[]", style=solid]; -"4036 5503" -> "4037 5504" [label="[]", style=solid]; -"4037 5504" -> "4038 5505" [label="[-1]", style=dashed]; -"4038 5505" -> "4263 6519" [label="[]", style=dashed]; -"4039 5457" -> "4040 5459" [label="[]", style=solid]; -"4040 5459" -> "4041 5460" [label="[]", style=solid]; -"4041 5460" -> "4042 5461" [label="[-1]", style=dashed]; -"4042 5461" -> "4263 6519" [label="[]", style=dashed]; -"4043 5413" -> "4044 5415" [label="[]", style=solid]; -"4044 5415" -> "4045 5416" [label="[]", style=solid]; -"4045 5416" -> "4046 5417" [label="[-1]", style=dashed]; -"4046 5417" -> "4263 6519" [label="[]", style=dashed]; -"4047 5369" -> "4048 5371" [label="[]", style=solid]; -"4048 5371" -> "4049 5372" [label="[]", style=solid]; -"4049 5372" -> "4050 5373" [label="[-1]", style=dashed]; -"4050 5373" -> "4263 6519" [label="[]", style=dashed]; -"4051 5325" -> "4052 5327" [label="[]", style=solid]; -"4052 5327" -> "4053 5328" [label="[]", style=solid]; -"4053 5328" -> "4054 5329" [label="[-1]", style=dashed]; -"4054 5329" -> "4263 6519" [label="[]", style=dashed]; -"4055 5281" -> "4056 5283" [label="[]", style=solid]; -"4056 5283" -> "4057 5284" [label="[]", style=solid]; -"4057 5284" -> "4058 5285" [label="[-1]", style=dashed]; -"4058 5285" -> "4263 6519" [label="[]", style=dashed]; -"4059 5237" -> "4060 5239" [label="[]", style=solid]; -"4060 5239" -> "4061 5240" [label="[]", style=solid]; -"4061 5240" -> "4062 5241" [label="[-1]", style=dashed]; -"4062 5241" -> "4263 6519" [label="[]", style=dashed]; -"4063 5193" -> "4064 5195" [label="[]", style=solid]; -"4064 5195" -> "4065 5196" [label="[]", style=solid]; -"4065 5196" -> "4066 5197" [label="[-1]", style=dashed]; -"4066 5197" -> "4263 6519" [label="[]", style=dashed]; -"4067 5149" -> "4068 5151" [label="[]", style=solid]; -"4068 5151" -> "4069 5152" [label="[]", style=solid]; -"4069 5152" -> "4070 5153" [label="[-1]", style=dashed]; -"4070 5153" -> "4263 6519" [label="[]", style=dashed]; -"4071 5105" -> "4072 5107" [label="[]", style=solid]; -"4072 5107" -> "4073 5108" [label="[]", style=solid]; -"4073 5108" -> "4074 5109" [label="[-1]", style=dashed]; -"4074 5109" -> "4263 6519" [label="[]", style=dashed]; -"4075 5061" -> "4076 5063" [label="[]", style=solid]; -"4076 5063" -> "4077 5064" [label="[]", style=solid]; -"4077 5064" -> "4078 5065" [label="[-1]", style=dashed]; -"4078 5065" -> "4263 6519" [label="[]", style=dashed]; -"4079 5017" -> "4080 5019" [label="[]", style=solid]; -"4080 5019" -> "4081 5020" [label="[]", style=solid]; -"4081 5020" -> "4082 5021" [label="[-1]", style=dashed]; -"4082 5021" -> "4263 6519" [label="[]", style=dashed]; -"4083 4973" -> "4084 4975" [label="[]", style=solid]; -"4084 4975" -> "4085 4976" [label="[]", style=solid]; -"4085 4976" -> "4086 4977" [label="[-1]", style=dashed]; -"4086 4977" -> "4263 6519" [label="[]", style=dashed]; -"4087 4929" -> "4088 4931" [label="[]", style=solid]; -"4088 4931" -> "4089 4932" [label="[]", style=solid]; -"4089 4932" -> "4090 4933" [label="[-1]", style=dashed]; -"4090 4933" -> "4263 6519" [label="[]", style=dashed]; -"4091 4885" -> "4092 4887" [label="[]", style=solid]; -"4092 4887" -> "4093 4888" [label="[]", style=solid]; -"4093 4888" -> "4094 4889" [label="[-1]", style=dashed]; -"4094 4889" -> "4263 6519" [label="[]", style=dashed]; -"4095 4841" -> "4096 4843" [label="[]", style=solid]; -"4096 4843" -> "4097 4844" [label="[]", style=solid]; -"4097 4844" -> "4098 4845" [label="[-1]", style=dashed]; -"4098 4845" -> "4263 6519" [label="[]", style=dashed]; -"4099 4797" -> "4100 4799" [label="[]", style=solid]; -"4100 4799" -> "4101 4800" [label="[]", style=solid]; -"4101 4800" -> "4102 4801" [label="[-1]", style=dashed]; -"4102 4801" -> "4263 6519" [label="[]", style=dashed]; -"4103 4753" -> "4104 4755" [label="[]", style=solid]; -"4104 4755" -> "4105 4756" [label="[]", style=solid]; -"4105 4756" -> "4106 4757" [label="[-1]", style=dashed]; -"4106 4757" -> "4263 6519" [label="[]", style=dashed]; -"4107 4709" -> "4108 4711" [label="[]", style=solid]; -"4108 4711" -> "4109 4712" [label="[]", style=solid]; -"4109 4712" -> "4110 4713" [label="[-1]", style=dashed]; -"4110 4713" -> "4263 6519" [label="[]", style=dashed]; -"4111 4665" -> "4112 4667" [label="[]", style=solid]; -"4112 4667" -> "4113 4668" [label="[]", style=solid]; -"4113 4668" -> "4114 4669" [label="[-1]", style=dashed]; -"4114 4669" -> "4263 6519" [label="[]", style=dashed]; -"4115 4621" -> "4116 4623" [label="[]", style=solid]; -"4116 4623" -> "4117 4624" [label="[]", style=solid]; -"4117 4624" -> "4118 4625" [label="[-1]", style=dashed]; -"4118 4625" -> "4263 6519" [label="[]", style=dashed]; -"4119 4577" -> "4120 4579" [label="[]", style=solid]; -"4120 4579" -> "4121 4580" [label="[]", style=solid]; -"4121 4580" -> "4122 4581" [label="[-1]", style=dashed]; -"4122 4581" -> "4263 6519" [label="[]", style=dashed]; -"4123 4533" -> "4124 4535" [label="[]", style=solid]; -"4124 4535" -> "4125 4536" [label="[]", style=solid]; -"4125 4536" -> "4126 4537" [label="[-1]", style=dashed]; -"4126 4537" -> "4263 6519" [label="[]", style=dashed]; -"4127 4489" -> "4128 4491" [label="[]", style=solid]; -"4128 4491" -> "4129 4492" [label="[]", style=solid]; -"4129 4492" -> "4130 4493" [label="[-1]", style=dashed]; -"4130 4493" -> "4263 6519" [label="[]", style=dashed]; -"4131 4445" -> "4132 4447" [label="[]", style=solid]; -"4132 4447" -> "4133 4448" [label="[]", style=solid]; -"4133 4448" -> "4134 4449" [label="[-1]", style=dashed]; -"4134 4449" -> "4263 6519" [label="[]", style=dashed]; -"4135 4401" -> "4136 4403" [label="[]", style=solid]; -"4136 4403" -> "4137 4404" [label="[]", style=solid]; -"4137 4404" -> "4138 4405" [label="[-1]", style=dashed]; -"4138 4405" -> "4263 6519" [label="[]", style=dashed]; -"4139 4357" -> "4140 4359" [label="[]", style=solid]; -"4140 4359" -> "4141 4360" [label="[]", style=solid]; -"4141 4360" -> "4142 4361" [label="[-1]", style=dashed]; -"4142 4361" -> "4263 6519" [label="[]", style=dashed]; -"4143 4313" -> "4144 4315" [label="[]", style=solid]; -"4144 4315" -> "4145 4316" [label="[]", style=solid]; -"4145 4316" -> "4146 4317" [label="[-1]", style=dashed]; -"4146 4317" -> "4263 6519" [label="[]", style=dashed]; -"4147 4269" -> "4148 4271" [label="[]", style=solid]; -"4148 4271" -> "4149 4272" [label="[]", style=solid]; -"4149 4272" -> "4150 4273" [label="[-1]", style=dashed]; -"4150 4273" -> "4263 6519" [label="[]", style=dashed]; -"4151 4225" -> "4152 4227" [label="[]", style=solid]; -"4152 4227" -> "4153 4228" [label="[]", style=solid]; -"4153 4228" -> "4154 4229" [label="[-1]", style=dashed]; -"4154 4229" -> "4263 6519" [label="[]", style=dashed]; -"4155 4181" -> "4156 4183" [label="[]", style=solid]; -"4156 4183" -> "4157 4184" [label="[]", style=solid]; -"4157 4184" -> "4158 4185" [label="[-1]", style=dashed]; -"4158 4185" -> "4263 6519" [label="[]", style=dashed]; -"4159 4137" -> "4160 4139" [label="[]", style=solid]; -"4160 4139" -> "4161 4140" [label="[]", style=solid]; -"4161 4140" -> "4162 4141" [label="[-1]", style=dashed]; -"4162 4141" -> "4263 6519" [label="[]", style=dashed]; -"4163 4093" -> "4164 4095" [label="[]", style=solid]; -"4164 4095" -> "4165 4096" [label="[]", style=solid]; -"4165 4096" -> "4166 4097" [label="[-1]", style=dashed]; -"4166 4097" -> "4263 6519" [label="[]", style=dashed]; -"4167 4049" -> "4168 4051" [label="[]", style=solid]; -"4168 4051" -> "4169 4052" [label="[]", style=solid]; -"4169 4052" -> "4170 4053" [label="[-1]", style=dashed]; -"4170 4053" -> "4263 6519" [label="[]", style=dashed]; -"4171 4005" -> "4172 4007" [label="[]", style=solid]; -"4172 4007" -> "4173 4008" [label="[]", style=solid]; -"4173 4008" -> "4174 4009" [label="[-1]", style=dashed]; -"4174 4009" -> "4263 6519" [label="[]", style=dashed]; -"4175 3961" -> "4176 3963" [label="[]", style=solid]; -"4176 3963" -> "4177 3964" [label="[]", style=solid]; -"4177 3964" -> "4178 3965" [label="[-1]", style=dashed]; -"4178 3965" -> "4263 6519" [label="[]", style=dashed]; -"4179 3917" -> "4180 3919" [label="[]", style=solid]; -"4180 3919" -> "4181 3920" [label="[]", style=solid]; -"4181 3920" -> "4182 3921" [label="[-1]", style=dashed]; -"4182 3921" -> "4263 6519" [label="[]", style=dashed]; -"4183 3873" -> "4184 3875" [label="[]", style=solid]; -"4184 3875" -> "4185 3876" [label="[]", style=solid]; -"4185 3876" -> "4186 3877" [label="[-1]", style=dashed]; -"4186 3877" -> "4263 6519" [label="[]", style=dashed]; -"4187 3829" -> "4188 3831" [label="[]", style=solid]; -"4188 3831" -> "4189 3832" [label="[]", style=solid]; -"4189 3832" -> "4190 3833" [label="[-1]", style=dashed]; -"4190 3833" -> "4263 6519" [label="[]", style=dashed]; -"4191 3785" -> "4192 3787" [label="[]", style=solid]; -"4192 3787" -> "4193 3788" [label="[]", style=solid]; -"4193 3788" -> "4194 3789" [label="[-1]", style=dashed]; -"4194 3789" -> "4263 6519" [label="[]", style=dashed]; -"4195 3741" -> "4196 3743" [label="[]", style=solid]; -"4196 3743" -> "4197 3744" [label="[]", style=solid]; -"4197 3744" -> "4198 3745" [label="[-1]", style=dashed]; -"4198 3745" -> "4263 6519" [label="[]", style=dashed]; -"4199 3697" -> "4200 3699" [label="[]", style=solid]; -"4200 3699" -> "4201 3700" [label="[]", style=solid]; -"4201 3700" -> "4202 3701" [label="[-1]", style=dashed]; -"4202 3701" -> "4263 6519" [label="[]", style=dashed]; -"4203 3653" -> "4204 3655" [label="[]", style=solid]; -"4204 3655" -> "4205 3656" [label="[]", style=solid]; -"4205 3656" -> "4206 3657" [label="[-1]", style=dashed]; -"4206 3657" -> "4263 6519" [label="[]", style=dashed]; -"4207 3609" -> "4208 3611" [label="[]", style=solid]; -"4208 3611" -> "4209 3612" [label="[]", style=solid]; -"4209 3612" -> "4210 3613" [label="[-1]", style=dashed]; -"4210 3613" -> "4263 6519" [label="[]", style=dashed]; -"4211 3565" -> "4212 3567" [label="[]", style=solid]; -"4212 3567" -> "4213 3568" [label="[]", style=solid]; -"4213 3568" -> "4214 3569" [label="[-1]", style=dashed]; -"4214 3569" -> "4263 6519" [label="[]", style=dashed]; -"4215 3521" -> "4216 3523" [label="[]", style=solid]; -"4216 3523" -> "4217 3524" [label="[]", style=solid]; -"4217 3524" -> "4218 3525" [label="[-1]", style=dashed]; -"4218 3525" -> "4263 6519" [label="[]", style=dashed]; -"4219 3477" -> "4220 3479" [label="[]", style=solid]; -"4220 3479" -> "4221 3480" [label="[]", style=solid]; -"4221 3480" -> "4222 3481" [label="[-1]", style=dashed]; -"4222 3481" -> "4263 6519" [label="[]", style=dashed]; -"4223 3433" -> "4224 3435" [label="[]", style=solid]; -"4224 3435" -> "4225 3436" [label="[]", style=solid]; -"4225 3436" -> "4226 3437" [label="[-1]", style=dashed]; -"4226 3437" -> "4263 6519" [label="[]", style=dashed]; -"4227 3389" -> "4228 3391" [label="[]", style=solid]; -"4228 3391" -> "4229 3392" [label="[]", style=solid]; -"4229 3392" -> "4230 3393" [label="[-1]", style=dashed]; -"4230 3393" -> "4263 6519" [label="[]", style=dashed]; -"4231 3345" -> "4232 3347" [label="[]", style=solid]; -"4232 3347" -> "4233 3348" [label="[]", style=solid]; -"4233 3348" -> "4234 3349" [label="[-1]", style=dashed]; -"4234 3349" -> "4263 6519" [label="[]", style=dashed]; -"4235 3301" -> "4236 3303" [label="[]", style=solid]; -"4236 3303" -> "4237 3304" [label="[]", style=solid]; -"4237 3304" -> "4238 3305" [label="[-1]", style=dashed]; -"4238 3305" -> "4263 6519" [label="[]", style=dashed]; -"4239 3257" -> "4240 3259" [label="[]", style=solid]; -"4240 3259" -> "4241 3260" [label="[]", style=solid]; -"4241 3260" -> "4242 3261" [label="[-1]", style=dashed]; -"4242 3261" -> "4263 6519" [label="[]", style=dashed]; -"4243 3213" -> "4244 3215" [label="[]", style=solid]; -"4244 3215" -> "4245 3216" [label="[]", style=solid]; -"4245 3216" -> "4246 3217" [label="[-1]", style=dashed]; -"4246 3217" -> "4263 6519" [label="[]", style=dashed]; -"4247 3169" -> "4248 3171" [label="[]", style=solid]; -"4248 3171" -> "4249 3172" [label="[]", style=solid]; -"4249 3172" -> "4250 3173" [label="[-1]", style=dashed]; -"4250 3173" -> "4263 6519" [label="[]", style=dashed]; -"4251 3125" -> "4252 3127" [label="[]", style=solid]; -"4252 3127" -> "4253 3128" [label="[]", style=solid]; -"4253 3128" -> "4254 3129" [label="[-1]", style=dashed]; -"4254 3129" -> "4263 6519" [label="[]", style=dashed]; -"4255 3081" -> "4256 3083" [label="[]", style=solid]; -"4256 3083" -> "4257 3084" [label="[]", style=solid]; -"4257 3084" -> "4258 3085" [label="[-1]", style=dashed]; -"4258 3085" -> "4263 6519" [label="[]", style=dashed]; -"4259 3037" -> "4260 3039" [label="[]", style=solid]; -"4260 3039" -> "4261 3040" [label="[]", style=solid]; -"4261 3040" -> "4262 3041" [label="[-1]", style=dashed]; -"4262 3041" -> "4263 6519" [label="[]", style=dashed]; -"4263 6519" -> "4264 6532" [label="[]", style=dashed]; -"4264 6532" -> "4265 6820" [label="[-1]", style=dashed]; -"4264 6532" -> "4282 nncf_model_output_1" [label="[-1]", style=dashed]; -"4265 6820" -> "4266 6847" [label="[-1]", style=dashed]; -"4266 6847" -> "4276 6848" [label="[-1]", style=dashed]; -"4267 6835" -> "4268 6836" [label="[4]", style=dashed]; -"4268 6836" -> "4269 6840" [label="[]", style=dashed]; -"4269 6840" -> "4274 6841" [label="[1]", style=dashed]; -"4270 6832" -> "4271 6833" [label="[4]", style=dashed]; -"4271 6833" -> "4272 6839" [label="[]", style=dashed]; -"4272 6839" -> "4274 6841" [label="[1]", style=dashed]; -"4273 6838" -> "4274 6841" [label="[1]", style=dashed]; -"4274 6841" -> "4275 6842" [label="[3]", style=dashed]; -"4275 6842" -> "4276 6848" [label="[]", style=solid]; -"4276 6848" -> "4277 6849" [label="[]", style=solid]; -"4277 6849" -> "4284 nncf_model_output_3" [label="[-1, 1, 28, 28]", style=solid]; -"4278 6533" -> "4279 6534" [label="[]", style=dashed]; -"4279 6534" -> "4283 nncf_model_output_2" [label="[-1]", style=solid]; -"4280 nncf_model_input_0" -> "2 QuantizeLinear_image_1" [label="[3, -1, -1]", style=solid]; +"1762 2535" -> "1763 2537" [label="[]", style=solid]; +"1763 2537" -> "1770 QuantizeLinear_2574_1" [label="[]", style=solid]; +"1764 2515" -> "1765 2517" [label="[]", style=solid]; +"1765 2517" -> "1768 2518" [label="[]", style=solid]; +"1766 2508" -> "1767 2510" [label="[]", style=solid]; +"1767 2510" -> "1768 2518" [label="[]", style=solid]; +"1768 2518" -> "1769 2520" [label="[]", style=solid]; +"1769 2520" -> "1772 QuantizeLinear_2557_1" [label="[]", style=solid]; +"1770 QuantizeLinear_2574_1" -> "1771 DequantizeLinear_2574_1" [label="[]", style=dashed]; +"1771 DequantizeLinear_2574_1" -> "1774 2538" [label="[]", style=solid]; +"1772 QuantizeLinear_2557_1" -> "1773 DequantizeLinear_2557_1" [label="[]", style=dashed]; +"1773 DequantizeLinear_2557_1" -> "1774 2538" [label="[]", style=solid]; +"1774 2538" -> "1775 QuantizeLinear_2575_1" [label="[]", style=solid]; +"1775 QuantizeLinear_2575_1" -> "1776 DequantizeLinear_2575_1" [label="[]", style=dashed]; +"1776 DequantizeLinear_2575_1" -> "1777 2539" [label="[]", style=solid]; +"1777 2539" -> "1778 2542" [label="[]", style=solid]; +"1778 2542" -> "1779 2543" [label="[]", style=solid]; +"1779 2543" -> "1780 2544" [label="[]", style=solid]; +"1780 2544" -> "1781 2546" [label="[]", style=solid]; +"1781 2546" -> "1782 2548" [label="[]", style=solid]; +"1782 2548" -> "1783 2549" [label="[]", style=solid]; +"1783 2549" -> "1784 2550" [label="[]", style=solid]; +"1784 2550" -> "1785 2551" [label="[]", style=solid]; +"1785 2551" -> "1786 2553" [label="[]", style=dashed]; +"1786 2553" -> "1787 2555" [label="[]", style=dashed]; +"1786 2553" -> "1814 2641" [label="[]", style=dashed]; +"1786 2553" -> "1834 2623" [label="[]", style=dashed]; +"1786 2553" -> "1840 2572" [label="[]", style=dashed]; +"1786 2553" -> "1862 2669" [label="[]", style=dashed]; +"1786 2553" -> "1874 2589" [label="[]", style=dashed]; +"1786 2553" -> "1896 2697" [label="[]", style=dashed]; +"1786 2553" -> "1908 2606" [label="[]", style=dashed]; +"1786 2553" -> "1930 2725" [label="[]", style=dashed]; +"1787 2555" -> "1788 2557" [label="[]", style=dashed]; +"1788 2557" -> "1789 2558" [label="[]", style=solid]; +"1789 2558" -> "1790 2559" [label="[-1, -1]", style=dashed]; +"1790 2559" -> "1791 2560" [label="[-1, -1]", style=dashed]; +"1791 2560" -> "1792 2561" [label="[-1]", style=dashed]; +"1792 2561" -> "1798 2562" [label="[-1]", style=dashed]; +"1793 2495" -> "1794 2500" [label="[]", style=solid]; +"1794 2500" -> "1795 2501" [label="[]", style=solid]; +"1795 2501" -> "1796 2502" [label="[-1]", style=dashed]; +"1796 2502" -> "1797 2503" [label="[]", style=solid]; +"1797 2503" -> "1798 2562" [label="[]", style=solid]; +"1797 2503" -> "1846 2579" [label="[]", style=solid]; +"1797 2503" -> "1880 2596" [label="[]", style=solid]; +"1797 2503" -> "1914 2613" [label="[]", style=solid]; +"1798 2562" -> "1799 2568" [label="[]", style=solid]; +"1798 2562" -> "1800 2564" [label="[]", style=solid]; +"1799 2568" -> "1803 2569" [label="[]", style=solid]; +"1800 2564" -> "1801 2565" [label="[]", style=solid]; +"1801 2565" -> "1802 2566" [label="[]", style=solid]; +"1802 2566" -> "1803 2569" [label="[]", style=dashed]; +"1803 2569" -> "1804 2570" [label="[-1, 256, 7, 7]", style=solid]; +"1804 2570" -> "1805 2658" [label="[-1, 256, 7, 7]", style=solid]; +"1804 2570" -> "1808 2655" [label="[-1, 256, 7, 7]", style=solid]; +"1804 2570" -> "1811 2652" [label="[-1, 256, 7, 7]", style=solid]; +"1804 2570" -> "1825 2632" [label="[-1, 256, 7, 7]", style=solid]; +"1804 2570" -> "1828 2629" [label="[-1, 256, 7, 7]", style=solid]; +"1804 2570" -> "1831 2626" [label="[-1, 256, 7, 7]", style=solid]; +"1804 2570" -> "1839 2667" [label="[-1, 256, 7, 7]", style=solid]; +"1805 2658" -> "1806 2659" [label="[4]", style=dashed]; +"1806 2659" -> "1807 2663" [label="[]", style=dashed]; +"1807 2663" -> "1822 2664" [label="[1]", style=dashed]; +"1808 2655" -> "1809 2656" [label="[4]", style=dashed]; +"1809 2656" -> "1810 2662" [label="[]", style=dashed]; +"1810 2662" -> "1822 2664" [label="[1]", style=dashed]; +"1811 2652" -> "1812 2653" [label="[4]", style=dashed]; +"1812 2653" -> "1813 2661" [label="[]", style=dashed]; +"1813 2661" -> "1822 2664" [label="[1]", style=dashed]; +"1814 2641" -> "1815 2643" [label="[]", style=dashed]; +"1815 2643" -> "1816 2644" [label="[]", style=solid]; +"1816 2644" -> "1817 2645" [label="[-1, -1]", style=dashed]; +"1817 2645" -> "1818 2647" [label="[-1, -1]", style=dashed]; +"1818 2647" -> "1819 2649" [label="[-1, 1, 1, 1]", style=dashed]; +"1818 2647" -> "1823 2665" [label="[-1, 1, 1, 1]", style=dashed]; +"1819 2649" -> "1820 2650" [label="[4]", style=dashed]; +"1820 2650" -> "1821 2660" [label="[]", style=dashed]; +"1821 2660" -> "1822 2664" [label="[1]", style=dashed]; +"1822 2664" -> "1823 2665" [label="[4]", style=dashed]; +"1823 2665" -> "1824 2666" [label="[-1, -1, -1, -1]", style=dashed]; +"1824 2666" -> "1839 2667" [label="[-1, -1, -1, -1]", style=dashed]; +"1825 2632" -> "1826 2633" [label="[4]", style=dashed]; +"1826 2633" -> "1827 2637" [label="[]", style=dashed]; +"1827 2637" -> "1837 2638" [label="[1]", style=dashed]; +"1828 2629" -> "1829 2630" [label="[4]", style=dashed]; +"1829 2630" -> "1830 2636" [label="[]", style=dashed]; +"1830 2636" -> "1837 2638" [label="[1]", style=dashed]; +"1831 2626" -> "1832 2627" [label="[4]", style=dashed]; +"1832 2627" -> "1833 2635" [label="[]", style=dashed]; +"1833 2635" -> "1837 2638" [label="[1]", style=dashed]; +"1834 2623" -> "1835 2624" [label="[-1]", style=dashed]; +"1835 2624" -> "1836 2634" [label="[]", style=dashed]; +"1836 2634" -> "1837 2638" [label="[1]", style=dashed]; +"1837 2638" -> "1838 2639" [label="[4]", style=dashed]; +"1838 2639" -> "1839 2667" [label="[-1, -1, -1, -1]", style=solid]; +"1839 2667" -> "1873 2695" [label="[-1, -1, -1, -1]", style=solid]; +"1840 2572" -> "1841 2574" [label="[]", style=dashed]; +"1841 2574" -> "1842 2575" [label="[]", style=solid]; +"1842 2575" -> "1843 2576" [label="[-1, -1]", style=dashed]; +"1843 2576" -> "1844 2577" [label="[-1, -1]", style=dashed]; +"1844 2577" -> "1845 2578" [label="[-1]", style=dashed]; +"1845 2578" -> "1846 2579" [label="[-1]", style=dashed]; +"1846 2579" -> "1847 2585" [label="[]", style=solid]; +"1846 2579" -> "1848 2581" [label="[]", style=solid]; +"1847 2585" -> "1851 2586" [label="[]", style=solid]; +"1848 2581" -> "1849 2582" [label="[]", style=solid]; +"1849 2582" -> "1850 2583" [label="[]", style=solid]; +"1850 2583" -> "1851 2586" [label="[]", style=dashed]; +"1851 2586" -> "1852 2587" [label="[-1, 256, 7, 7]", style=solid]; +"1852 2587" -> "1853 2686" [label="[-1, 256, 7, 7]", style=solid]; +"1852 2587" -> "1856 2683" [label="[-1, 256, 7, 7]", style=solid]; +"1852 2587" -> "1859 2680" [label="[-1, 256, 7, 7]", style=solid]; +"1852 2587" -> "1873 2695" [label="[-1, 256, 7, 7]", style=solid]; +"1853 2686" -> "1854 2687" [label="[4]", style=dashed]; +"1854 2687" -> "1855 2691" [label="[]", style=dashed]; +"1855 2691" -> "1870 2692" [label="[1]", style=dashed]; +"1856 2683" -> "1857 2684" [label="[4]", style=dashed]; +"1857 2684" -> "1858 2690" [label="[]", style=dashed]; +"1858 2690" -> "1870 2692" [label="[1]", style=dashed]; +"1859 2680" -> "1860 2681" [label="[4]", style=dashed]; +"1860 2681" -> "1861 2689" [label="[]", style=dashed]; +"1861 2689" -> "1870 2692" [label="[1]", style=dashed]; +"1862 2669" -> "1863 2671" [label="[]", style=dashed]; +"1863 2671" -> "1864 2672" [label="[]", style=solid]; +"1864 2672" -> "1865 2673" [label="[-1, -1]", style=dashed]; +"1865 2673" -> "1866 2675" [label="[-1, -1]", style=dashed]; +"1866 2675" -> "1867 2677" [label="[-1, 1, 1, 1]", style=dashed]; +"1866 2675" -> "1871 2693" [label="[-1, 1, 1, 1]", style=dashed]; +"1867 2677" -> "1868 2678" [label="[4]", style=dashed]; +"1868 2678" -> "1869 2688" [label="[]", style=dashed]; +"1869 2688" -> "1870 2692" [label="[1]", style=dashed]; +"1870 2692" -> "1871 2693" [label="[4]", style=dashed]; +"1871 2693" -> "1872 2694" [label="[-1, -1, -1, -1]", style=dashed]; +"1872 2694" -> "1873 2695" [label="[-1, -1, -1, -1]", style=dashed]; +"1873 2695" -> "1907 2723" [label="[-1, -1, -1, -1]", style=solid]; +"1874 2589" -> "1875 2591" [label="[]", style=dashed]; +"1875 2591" -> "1876 2592" [label="[]", style=solid]; +"1876 2592" -> "1877 2593" [label="[-1, -1]", style=dashed]; +"1877 2593" -> "1878 2594" [label="[-1, -1]", style=dashed]; +"1878 2594" -> "1879 2595" [label="[-1]", style=dashed]; +"1879 2595" -> "1880 2596" [label="[-1]", style=dashed]; +"1880 2596" -> "1881 2602" [label="[]", style=solid]; +"1880 2596" -> "1882 2598" [label="[]", style=solid]; +"1881 2602" -> "1885 2603" [label="[]", style=solid]; +"1882 2598" -> "1883 2599" [label="[]", style=solid]; +"1883 2599" -> "1884 2600" [label="[]", style=solid]; +"1884 2600" -> "1885 2603" [label="[]", style=dashed]; +"1885 2603" -> "1886 2604" [label="[-1, 256, 7, 7]", style=solid]; +"1886 2604" -> "1887 2714" [label="[-1, 256, 7, 7]", style=solid]; +"1886 2604" -> "1890 2711" [label="[-1, 256, 7, 7]", style=solid]; +"1886 2604" -> "1893 2708" [label="[-1, 256, 7, 7]", style=solid]; +"1886 2604" -> "1907 2723" [label="[-1, 256, 7, 7]", style=solid]; +"1887 2714" -> "1888 2715" [label="[4]", style=dashed]; +"1888 2715" -> "1889 2719" [label="[]", style=dashed]; +"1889 2719" -> "1904 2720" [label="[1]", style=dashed]; +"1890 2711" -> "1891 2712" [label="[4]", style=dashed]; +"1891 2712" -> "1892 2718" [label="[]", style=dashed]; +"1892 2718" -> "1904 2720" [label="[1]", style=dashed]; +"1893 2708" -> "1894 2709" [label="[4]", style=dashed]; +"1894 2709" -> "1895 2717" [label="[]", style=dashed]; +"1895 2717" -> "1904 2720" [label="[1]", style=dashed]; +"1896 2697" -> "1897 2699" [label="[]", style=dashed]; +"1897 2699" -> "1898 2700" [label="[]", style=solid]; +"1898 2700" -> "1899 2701" [label="[-1, -1]", style=dashed]; +"1899 2701" -> "1900 2703" [label="[-1, -1]", style=dashed]; +"1900 2703" -> "1901 2705" [label="[-1, 1, 1, 1]", style=dashed]; +"1900 2703" -> "1905 2721" [label="[-1, 1, 1, 1]", style=dashed]; +"1901 2705" -> "1902 2706" [label="[4]", style=dashed]; +"1902 2706" -> "1903 2716" [label="[]", style=dashed]; +"1903 2716" -> "1904 2720" [label="[1]", style=dashed]; +"1904 2720" -> "1905 2721" [label="[4]", style=dashed]; +"1905 2721" -> "1906 2722" [label="[-1, -1, -1, -1]", style=dashed]; +"1906 2722" -> "1907 2723" [label="[-1, -1, -1, -1]", style=dashed]; +"1907 2723" -> "1941 2751" [label="[-1, -1, -1, -1]", style=solid]; +"1908 2606" -> "1909 2608" [label="[]", style=dashed]; +"1909 2608" -> "1910 2609" [label="[]", style=solid]; +"1910 2609" -> "1911 2610" [label="[-1, -1]", style=dashed]; +"1911 2610" -> "1912 2611" [label="[-1, -1]", style=dashed]; +"1912 2611" -> "1913 2612" [label="[-1]", style=dashed]; +"1913 2612" -> "1914 2613" [label="[-1]", style=dashed]; +"1914 2613" -> "1915 2619" [label="[]", style=solid]; +"1914 2613" -> "1916 2615" [label="[]", style=solid]; +"1915 2619" -> "1919 2620" [label="[]", style=solid]; +"1916 2615" -> "1917 2616" [label="[]", style=solid]; +"1917 2616" -> "1918 2617" [label="[]", style=solid]; +"1918 2617" -> "1919 2620" [label="[]", style=dashed]; +"1919 2620" -> "1920 2621" [label="[-1, 256, 7, 7]", style=solid]; +"1920 2621" -> "1921 2742" [label="[-1, 256, 7, 7]", style=solid]; +"1920 2621" -> "1924 2739" [label="[-1, 256, 7, 7]", style=solid]; +"1920 2621" -> "1927 2736" [label="[-1, 256, 7, 7]", style=solid]; +"1920 2621" -> "1941 2751" [label="[-1, 256, 7, 7]", style=solid]; +"1921 2742" -> "1922 2743" [label="[4]", style=dashed]; +"1922 2743" -> "1923 2747" [label="[]", style=dashed]; +"1923 2747" -> "1938 2748" [label="[1]", style=dashed]; +"1924 2739" -> "1925 2740" [label="[4]", style=dashed]; +"1925 2740" -> "1926 2746" [label="[]", style=dashed]; +"1926 2746" -> "1938 2748" [label="[1]", style=dashed]; +"1927 2736" -> "1928 2737" [label="[4]", style=dashed]; +"1928 2737" -> "1929 2745" [label="[]", style=dashed]; +"1929 2745" -> "1938 2748" [label="[1]", style=dashed]; +"1930 2725" -> "1931 2727" [label="[]", style=dashed]; +"1931 2727" -> "1932 2728" [label="[]", style=solid]; +"1932 2728" -> "1933 2729" [label="[-1, -1]", style=dashed]; +"1933 2729" -> "1934 2731" [label="[-1, -1]", style=dashed]; +"1934 2731" -> "1935 2733" [label="[-1, 1, 1, 1]", style=dashed]; +"1934 2731" -> "1939 2749" [label="[-1, 1, 1, 1]", style=dashed]; +"1935 2733" -> "1936 2734" [label="[4]", style=dashed]; +"1936 2734" -> "1937 2744" [label="[]", style=dashed]; +"1937 2744" -> "1938 2748" [label="[1]", style=dashed]; +"1938 2748" -> "1939 2749" [label="[4]", style=dashed]; +"1939 2749" -> "1940 2750" [label="[-1, -1, -1, -1]", style=dashed]; +"1940 2750" -> "1941 2751" [label="[-1, -1, -1, -1]", style=dashed]; +"1941 2751" -> "1943 QuantizeLinear_2788_1" [label="[-1, -1, -1, -1]", style=solid]; +"1942 2757" -> "1948 2758" [label="[1]", style=dashed]; +"1943 QuantizeLinear_2788_1" -> "1944 DequantizeLinear_2788_1" [label="[-1, -1, -1, -1]", style=dashed]; +"1944 DequantizeLinear_2788_1" -> "1945 2753" [label="[-1, -1, -1, -1]", style=solid]; +"1944 DequantizeLinear_2788_1" -> "1949 2759" [label="[-1, -1, -1, -1]", style=solid]; +"1945 2753" -> "1946 2754" [label="[4]", style=dashed]; +"1946 2754" -> "1947 2756" [label="[]", style=dashed]; +"1947 2756" -> "1948 2758" [label="[1]", style=dashed]; +"1948 2758" -> "1949 2759" [label="[2]", style=dashed]; +"1949 2759" -> "1952 2762_MatMul" [label="[]", style=solid]; +"1950 QuantizeLinear_2797_1" -> "1951 DequantizeLinear_2797_1" [label="[12544, 1024]", style=dashed]; +"1951 DequantizeLinear_2797_1" -> "1952 2762_MatMul" [label="[12544, 1024]", style=solid]; +"1952 2762_MatMul" -> "1953 2762_Add" [label="[]", style=solid]; +"1953 2762_Add" -> "1954 2763" [label="[]", style=solid]; +"1954 2763" -> "1955 QuantizeLinear_2800_1" [label="[]", style=solid]; +"1955 QuantizeLinear_2800_1" -> "1956 DequantizeLinear_2800_1" [label="[]", style=dashed]; +"1956 DequantizeLinear_2800_1" -> "1959 2766_MatMul" [label="[]", style=solid]; +"1957 QuantizeLinear_2801_1" -> "1958 DequantizeLinear_2801_1" [label="[1024, 1024]", style=dashed]; +"1958 DequantizeLinear_2801_1" -> "1959 2766_MatMul" [label="[1024, 1024]", style=solid]; +"1959 2766_MatMul" -> "1960 2766_Add" [label="[]", style=solid]; +"1960 2766_Add" -> "1961 2767" [label="[]", style=solid]; +"1961 2767" -> "1962 QuantizeLinear_2804_1" [label="[]", style=solid]; +"1962 QuantizeLinear_2804_1" -> "1963 DequantizeLinear_2804_1" [label="[]", style=dashed]; +"1963 DequantizeLinear_2804_1" -> "1966 2770_MatMul" [label="[]", style=solid]; +"1963 DequantizeLinear_2804_1" -> "1995 2773_MatMul" [label="[]", style=solid]; +"1964 QuantizeLinear_2805_1" -> "1965 DequantizeLinear_2805_1" [label="[1024, 81]", style=dashed]; +"1965 DequantizeLinear_2805_1" -> "1966 2770_MatMul" [label="[1024, 81]", style=solid]; +"1966 2770_MatMul" -> "1967 2770_Add" [label="[]", style=solid]; +"1967 2770_Add" -> "1968 2774" [label="[]", style=solid]; +"1968 2774" -> "1969 2950" [label="[]", style=solid]; +"1968 2774" -> "1974 2955" [label="[]", style=solid]; +"1969 2950" -> "1970 2951" [label="[-1]", style=dashed]; +"1970 2951" -> "1971 2992" [label="[]", style=dashed]; +"1970 2951" -> "1989 2984" [label="[]", style=dashed]; +"1971 2992" -> "1973 2993" [label="[1]", style=dashed]; +"1972 2991" -> "1973 2993" [label="[1]", style=dashed]; +"1973 2993" -> "1975 2994" [label="[2]", style=dashed]; +"1974 2955" -> "1975 2994" [label="[-1]", style=solid]; +"1975 2994" -> "1976 2996" [label="[]", style=solid]; +"1975 2994" -> "1985 6486" [label="[]", style=solid]; +"1975 2994" -> "2097 6442" [label="[]", style=solid]; +"1975 2994" -> "2115 6398" [label="[]", style=solid]; +"1975 2994" -> "2133 6354" [label="[]", style=solid]; +"1975 2994" -> "2151 6310" [label="[]", style=solid]; +"1975 2994" -> "2169 6266" [label="[]", style=solid]; +"1975 2994" -> "2187 6222" [label="[]", style=solid]; +"1975 2994" -> "2205 6178" [label="[]", style=solid]; +"1975 2994" -> "2223 6134" [label="[]", style=solid]; +"1975 2994" -> "2241 6090" [label="[]", style=solid]; +"1975 2994" -> "2259 6046" [label="[]", style=solid]; +"1975 2994" -> "2277 6002" [label="[]", style=solid]; +"1975 2994" -> "2295 5958" [label="[]", style=solid]; +"1975 2994" -> "2313 5914" [label="[]", style=solid]; +"1975 2994" -> "2331 5870" [label="[]", style=solid]; +"1975 2994" -> "2349 5826" [label="[]", style=solid]; +"1975 2994" -> "2367 5782" [label="[]", style=solid]; +"1975 2994" -> "2385 5738" [label="[]", style=solid]; +"1975 2994" -> "2403 5694" [label="[]", style=solid]; +"1975 2994" -> "2421 5650" [label="[]", style=solid]; +"1975 2994" -> "2439 5606" [label="[]", style=solid]; +"1975 2994" -> "2457 5562" [label="[]", style=solid]; +"1975 2994" -> "2475 5518" [label="[]", style=solid]; +"1975 2994" -> "2493 5474" [label="[]", style=solid]; +"1975 2994" -> "2511 5430" [label="[]", style=solid]; +"1975 2994" -> "2529 5386" [label="[]", style=solid]; +"1975 2994" -> "2547 5342" [label="[]", style=solid]; +"1975 2994" -> "2565 5298" [label="[]", style=solid]; +"1975 2994" -> "2583 5254" [label="[]", style=solid]; +"1975 2994" -> "2601 5210" [label="[]", style=solid]; +"1975 2994" -> "2619 5166" [label="[]", style=solid]; +"1975 2994" -> "2637 5122" [label="[]", style=solid]; +"1975 2994" -> "2655 5078" [label="[]", style=solid]; +"1975 2994" -> "2673 5034" [label="[]", style=solid]; +"1975 2994" -> "2691 4990" [label="[]", style=solid]; +"1975 2994" -> "2709 4946" [label="[]", style=solid]; +"1975 2994" -> "2727 4902" [label="[]", style=solid]; +"1975 2994" -> "2745 4858" [label="[]", style=solid]; +"1975 2994" -> "2763 4814" [label="[]", style=solid]; +"1975 2994" -> "2781 4770" [label="[]", style=solid]; +"1975 2994" -> "2799 4726" [label="[]", style=solid]; +"1975 2994" -> "2817 4682" [label="[]", style=solid]; +"1975 2994" -> "2835 4638" [label="[]", style=solid]; +"1975 2994" -> "2853 4594" [label="[]", style=solid]; +"1975 2994" -> "2871 4550" [label="[]", style=solid]; +"1975 2994" -> "2889 4506" [label="[]", style=solid]; +"1975 2994" -> "2907 4462" [label="[]", style=solid]; +"1975 2994" -> "2925 4418" [label="[]", style=solid]; +"1975 2994" -> "2943 4374" [label="[]", style=solid]; +"1975 2994" -> "2961 4330" [label="[]", style=solid]; +"1975 2994" -> "2979 4286" [label="[]", style=solid]; +"1975 2994" -> "2997 4242" [label="[]", style=solid]; +"1975 2994" -> "3015 4198" [label="[]", style=solid]; +"1975 2994" -> "3033 4154" [label="[]", style=solid]; +"1975 2994" -> "3051 4110" [label="[]", style=solid]; +"1975 2994" -> "3069 4066" [label="[]", style=solid]; +"1975 2994" -> "3087 4022" [label="[]", style=solid]; +"1975 2994" -> "3105 3978" [label="[]", style=solid]; +"1975 2994" -> "3123 3934" [label="[]", style=solid]; +"1975 2994" -> "3141 3890" [label="[]", style=solid]; +"1975 2994" -> "3159 3846" [label="[]", style=solid]; +"1975 2994" -> "3177 3802" [label="[]", style=solid]; +"1975 2994" -> "3195 3758" [label="[]", style=solid]; +"1975 2994" -> "3213 3714" [label="[]", style=solid]; +"1975 2994" -> "3231 3670" [label="[]", style=solid]; +"1975 2994" -> "3249 3626" [label="[]", style=solid]; +"1975 2994" -> "3267 3582" [label="[]", style=solid]; +"1975 2994" -> "3285 3538" [label="[]", style=solid]; +"1975 2994" -> "3303 3494" [label="[]", style=solid]; +"1975 2994" -> "3321 3450" [label="[]", style=solid]; +"1975 2994" -> "3339 3406" [label="[]", style=solid]; +"1975 2994" -> "3357 3362" [label="[]", style=solid]; +"1975 2994" -> "3375 3318" [label="[]", style=solid]; +"1975 2994" -> "3393 3274" [label="[]", style=solid]; +"1975 2994" -> "3411 3230" [label="[]", style=solid]; +"1975 2994" -> "3429 3186" [label="[]", style=solid]; +"1975 2994" -> "3447 3142" [label="[]", style=solid]; +"1975 2994" -> "3465 3098" [label="[]", style=solid]; +"1975 2994" -> "3483 3054" [label="[]", style=solid]; +"1975 2994" -> "3501 3010" [label="[]", style=solid]; +"1976 2996" -> "1977 2997" [label="[]", style=dashed]; +"1977 2997" -> "1978 6478" [label="[]", style=dashed]; +"1977 2997" -> "2090 6434" [label="[]", style=dashed]; +"1977 2997" -> "2108 6390" [label="[]", style=dashed]; +"1977 2997" -> "2126 6346" [label="[]", style=dashed]; +"1977 2997" -> "2144 6302" [label="[]", style=dashed]; +"1977 2997" -> "2162 6258" [label="[]", style=dashed]; +"1977 2997" -> "2180 6214" [label="[]", style=dashed]; +"1977 2997" -> "2198 6170" [label="[]", style=dashed]; +"1977 2997" -> "2216 6126" [label="[]", style=dashed]; +"1977 2997" -> "2234 6082" [label="[]", style=dashed]; +"1977 2997" -> "2252 6038" [label="[]", style=dashed]; +"1977 2997" -> "2270 5994" [label="[]", style=dashed]; +"1977 2997" -> "2288 5950" [label="[]", style=dashed]; +"1977 2997" -> "2306 5906" [label="[]", style=dashed]; +"1977 2997" -> "2324 5862" [label="[]", style=dashed]; +"1977 2997" -> "2342 5818" [label="[]", style=dashed]; +"1977 2997" -> "2360 5774" [label="[]", style=dashed]; +"1977 2997" -> "2378 5730" [label="[]", style=dashed]; +"1977 2997" -> "2396 5686" [label="[]", style=dashed]; +"1977 2997" -> "2414 5642" [label="[]", style=dashed]; +"1977 2997" -> "2432 5598" [label="[]", style=dashed]; +"1977 2997" -> "2450 5554" [label="[]", style=dashed]; +"1977 2997" -> "2468 5510" [label="[]", style=dashed]; +"1977 2997" -> "2486 5466" [label="[]", style=dashed]; +"1977 2997" -> "2504 5422" [label="[]", style=dashed]; +"1977 2997" -> "2522 5378" [label="[]", style=dashed]; +"1977 2997" -> "2540 5334" [label="[]", style=dashed]; +"1977 2997" -> "2558 5290" [label="[]", style=dashed]; +"1977 2997" -> "2576 5246" [label="[]", style=dashed]; +"1977 2997" -> "2594 5202" [label="[]", style=dashed]; +"1977 2997" -> "2612 5158" [label="[]", style=dashed]; +"1977 2997" -> "2630 5114" [label="[]", style=dashed]; +"1977 2997" -> "2648 5070" [label="[]", style=dashed]; +"1977 2997" -> "2666 5026" [label="[]", style=dashed]; +"1977 2997" -> "2684 4982" [label="[]", style=dashed]; +"1977 2997" -> "2702 4938" [label="[]", style=dashed]; +"1977 2997" -> "2720 4894" [label="[]", style=dashed]; +"1977 2997" -> "2738 4850" [label="[]", style=dashed]; +"1977 2997" -> "2756 4806" [label="[]", style=dashed]; +"1977 2997" -> "2774 4762" [label="[]", style=dashed]; +"1977 2997" -> "2792 4718" [label="[]", style=dashed]; +"1977 2997" -> "2810 4674" [label="[]", style=dashed]; +"1977 2997" -> "2828 4630" [label="[]", style=dashed]; +"1977 2997" -> "2846 4586" [label="[]", style=dashed]; +"1977 2997" -> "2864 4542" [label="[]", style=dashed]; +"1977 2997" -> "2882 4498" [label="[]", style=dashed]; +"1977 2997" -> "2900 4454" [label="[]", style=dashed]; +"1977 2997" -> "2918 4410" [label="[]", style=dashed]; +"1977 2997" -> "2936 4366" [label="[]", style=dashed]; +"1977 2997" -> "2954 4322" [label="[]", style=dashed]; +"1977 2997" -> "2972 4278" [label="[]", style=dashed]; +"1977 2997" -> "2990 4234" [label="[]", style=dashed]; +"1977 2997" -> "3008 4190" [label="[]", style=dashed]; +"1977 2997" -> "3026 4146" [label="[]", style=dashed]; +"1977 2997" -> "3044 4102" [label="[]", style=dashed]; +"1977 2997" -> "3062 4058" [label="[]", style=dashed]; +"1977 2997" -> "3080 4014" [label="[]", style=dashed]; +"1977 2997" -> "3098 3970" [label="[]", style=dashed]; +"1977 2997" -> "3116 3926" [label="[]", style=dashed]; +"1977 2997" -> "3134 3882" [label="[]", style=dashed]; +"1977 2997" -> "3152 3838" [label="[]", style=dashed]; +"1977 2997" -> "3170 3794" [label="[]", style=dashed]; +"1977 2997" -> "3188 3750" [label="[]", style=dashed]; +"1977 2997" -> "3206 3706" [label="[]", style=dashed]; +"1977 2997" -> "3224 3662" [label="[]", style=dashed]; +"1977 2997" -> "3242 3618" [label="[]", style=dashed]; +"1977 2997" -> "3260 3574" [label="[]", style=dashed]; +"1977 2997" -> "3278 3530" [label="[]", style=dashed]; +"1977 2997" -> "3296 3486" [label="[]", style=dashed]; +"1977 2997" -> "3314 3442" [label="[]", style=dashed]; +"1977 2997" -> "3332 3398" [label="[]", style=dashed]; +"1977 2997" -> "3350 3354" [label="[]", style=dashed]; +"1977 2997" -> "3368 3310" [label="[]", style=dashed]; +"1977 2997" -> "3386 3266" [label="[]", style=dashed]; +"1977 2997" -> "3404 3222" [label="[]", style=dashed]; +"1977 2997" -> "3422 3178" [label="[]", style=dashed]; +"1977 2997" -> "3440 3134" [label="[]", style=dashed]; +"1977 2997" -> "3458 3090" [label="[]", style=dashed]; +"1977 2997" -> "3476 3046" [label="[]", style=dashed]; +"1977 2997" -> "3494 3002" [label="[]", style=dashed]; +"1978 6478" -> "1979 6480" [label="[]", style=dashed]; +"1979 6480" -> "1980 6481" [label="[]", style=dashed]; +"1980 6481" -> "1981 6482" [label="[]", style=solid]; +"1981 6482" -> "1982 6483" [label="[-1, -1]", style=dashed]; +"1982 6483" -> "1983 6484" [label="[-1, -1]", style=dashed]; +"1983 6484" -> "1984 6487" [label="[-1]", style=dashed]; +"1983 6484" -> "2084 6495" [label="[-1]", style=dashed]; +"1984 6487" -> "1986 6488" [label="[-1]", style=dashed]; +"1985 6486" -> "1986 6488" [label="[]", style=solid]; +"1986 6488" -> "1987 6497" [label="[]", style=solid]; +"1986 6488" -> "2089 6508" [label="[]", style=solid]; +"1987 6497" -> "1988 6498" [label="[]", style=solid]; +"1988 6498" -> "2086 6501" [label="[]", style=solid]; +"1989 2984" -> "1990 2987" [label="[]", style=dashed]; +"1990 2987" -> "1992 2988" [label="[1]", style=dashed]; +"1991 2986" -> "1992 2988" [label="[1]", style=dashed]; +"1992 2988" -> "2082 2989" [label="[2]", style=dashed]; +"1993 QuantizeLinear_2808_1" -> "1994 DequantizeLinear_2808_1" [label="[1024, 324]", style=dashed]; +"1994 DequantizeLinear_2808_1" -> "1995 2773_MatMul" [label="[1024, 324]", style=solid]; +"1995 2773_MatMul" -> "1996 2773_Add" [label="[]", style=solid]; +"1996 2773_Add" -> "1997 2776" [label="[]", style=solid]; +"1997 2776" -> "1998 2947" [label="[]", style=solid]; +"1997 2776" -> "2009 2872" [label="[]", style=solid]; +"1997 2776" -> "2024 2848" [label="[]", style=solid]; +"1997 2776" -> "2040 2860" [label="[]", style=solid]; +"1997 2776" -> "2055 2836" [label="[]", style=solid]; +"1998 2947" -> "2070 2948" [label="[-1]", style=dashed]; +"1999 2775" -> "2000 2777" [label="[]", style=solid]; +"2000 2777" -> "2001 2806" [label="[]", style=solid]; +"2000 2777" -> "2003 2799" [label="[]", style=solid]; +"2000 2777" -> "2017 2826" [label="[]", style=solid]; +"2000 2777" -> "2032 2789" [label="[]", style=solid]; +"2000 2777" -> "2034 2782" [label="[]", style=solid]; +"2000 2777" -> "2048 2816" [label="[]", style=solid]; +"2001 2806" -> "2002 2808" [label="[]", style=solid]; +"2002 2808" -> "2005 2809" [label="[]", style=solid]; +"2003 2799" -> "2004 2801" [label="[]", style=solid]; +"2004 2801" -> "2005 2809" [label="[]", style=solid]; +"2005 2809" -> "2006 2811" [label="[]", style=solid]; +"2006 2811" -> "2007 2923" [label="[]", style=solid]; +"2006 2811" -> "2016 2830" [label="[]", style=solid]; +"2006 2811" -> "2022 2900" [label="[]", style=solid]; +"2007 2923" -> "2008 2924" [label="[]", style=solid]; +"2008 2924" -> "2014 2925" [label="[]", style=solid]; +"2009 2872" -> "2010 2877" [label="[]", style=solid]; +"2010 2877" -> "2011 2879" [label="[]", style=solid]; +"2011 2879" -> "2012 2881" [label="[]", style=solid]; +"2012 2881" -> "2013 2918" [label="[]", style=solid]; +"2013 2918" -> "2014 2925" [label="[]", style=solid]; +"2014 2925" -> "2015 2938" [label="[]", style=solid]; +"2014 2925" -> "2063 2930" [label="[]", style=solid]; +"2015 2938" -> "2029 2939" [label="[]", style=solid]; +"2016 2830" -> "2019 2831" [label="[]", style=solid]; +"2017 2826" -> "2018 2828" [label="[]", style=solid]; +"2018 2828" -> "2019 2831" [label="[]", style=solid]; +"2019 2831" -> "2020 2907" [label="[]", style=solid]; +"2020 2907" -> "2021 2908" [label="[]", style=solid]; +"2021 2908" -> "2028 2909" [label="[]", style=solid]; +"2022 2900" -> "2023 2901" [label="[]", style=solid]; +"2023 2901" -> "2027 2902" [label="[]", style=solid]; +"2024 2848" -> "2025 2853" [label="[]", style=solid]; +"2025 2853" -> "2026 2855" [label="[]", style=solid]; +"2026 2855" -> "2027 2902" [label="[]", style=solid]; +"2027 2902" -> "2028 2909" [label="[]", style=solid]; +"2028 2909" -> "2029 2939" [label="[]", style=solid]; +"2028 2909" -> "2064 2931" [label="[]", style=solid]; +"2029 2939" -> "2030 2941" [label="[]", style=solid]; +"2030 2941" -> "2031 2945" [label="[]", style=solid]; +"2031 2945" -> "2069 2946" [label="[]", style=solid]; +"2032 2789" -> "2033 2791" [label="[]", style=solid]; +"2033 2791" -> "2036 2792" [label="[]", style=solid]; +"2034 2782" -> "2035 2784" [label="[]", style=solid]; +"2035 2784" -> "2036 2792" [label="[]", style=solid]; +"2036 2792" -> "2037 2794" [label="[]", style=solid]; +"2037 2794" -> "2038 2915" [label="[]", style=solid]; +"2037 2794" -> "2047 2820" [label="[]", style=solid]; +"2037 2794" -> "2053 2886" [label="[]", style=solid]; +"2038 2915" -> "2039 2916" [label="[]", style=solid]; +"2039 2916" -> "2045 2917" [label="[]", style=solid]; +"2040 2860" -> "2041 2865" [label="[]", style=solid]; +"2041 2865" -> "2042 2867" [label="[]", style=solid]; +"2042 2867" -> "2043 2880" [label="[]", style=solid]; +"2043 2880" -> "2044 2910" [label="[]", style=solid]; +"2044 2910" -> "2045 2917" [label="[]", style=solid]; +"2045 2917" -> "2046 2933" [label="[]", style=solid]; +"2045 2917" -> "2066 2927" [label="[]", style=solid]; +"2046 2933" -> "2060 2934" [label="[]", style=solid]; +"2047 2820" -> "2050 2821" [label="[]", style=solid]; +"2048 2816" -> "2049 2818" [label="[]", style=solid]; +"2049 2818" -> "2050 2821" [label="[]", style=solid]; +"2050 2821" -> "2051 2893" [label="[]", style=solid]; +"2051 2893" -> "2052 2894" [label="[]", style=solid]; +"2052 2894" -> "2059 2895" [label="[]", style=solid]; +"2053 2886" -> "2054 2887" [label="[]", style=solid]; +"2054 2887" -> "2058 2888" [label="[]", style=solid]; +"2055 2836" -> "2056 2841" [label="[]", style=solid]; +"2056 2841" -> "2057 2843" [label="[]", style=solid]; +"2057 2843" -> "2058 2888" [label="[]", style=solid]; +"2058 2888" -> "2059 2895" [label="[]", style=solid]; +"2059 2895" -> "2060 2934" [label="[]", style=solid]; +"2059 2895" -> "2067 2928" [label="[]", style=solid]; +"2060 2934" -> "2061 2936" [label="[]", style=solid]; +"2061 2936" -> "2062 2944" [label="[]", style=solid]; +"2062 2944" -> "2069 2946" [label="[]", style=solid]; +"2063 2930" -> "2064 2931" [label="[]", style=solid]; +"2064 2931" -> "2065 2943" [label="[]", style=solid]; +"2065 2943" -> "2069 2946" [label="[]", style=solid]; +"2066 2927" -> "2067 2928" [label="[]", style=solid]; +"2067 2928" -> "2068 2942" [label="[]", style=solid]; +"2068 2942" -> "2069 2946" [label="[]", style=solid]; +"2069 2946" -> "2070 2948" [label="[]", style=solid]; +"2070 2948" -> "2071 2953" [label="[]", style=solid]; +"2071 2953" -> "2072 2971" [label="[-1, 4]", style=solid]; +"2071 2953" -> "2076 2960" [label="[-1, 4]", style=solid]; +"2072 2971" -> "2073 2976" [label="[-1, 4]", style=solid]; +"2073 2976" -> "2074 2977" [label="[-1, 2]", style=solid]; +"2074 2977" -> "2075 2979" [label="[-1, 2]", style=solid]; +"2075 2979" -> "2080 2980" [label="[-1, 2, 1]", style=solid]; +"2076 2960" -> "2077 2965" [label="[-1, 4]", style=solid]; +"2077 2965" -> "2078 2966" [label="[-1, 2]", style=solid]; +"2078 2966" -> "2079 2978" [label="[-1, 2]", style=solid]; +"2079 2978" -> "2080 2980" [label="[-1, 2, 1]", style=solid]; +"2080 2980" -> "2081 2982" [label="[-1, 2, 2]", style=solid]; +"2081 2982" -> "2082 2989" [label="[-1, 4]", style=solid]; +"2082 2989" -> "2083 6493" [label="[]", style=solid]; +"2082 2989" -> "2101 6449" [label="[]", style=solid]; +"2082 2989" -> "2119 6405" [label="[]", style=solid]; +"2082 2989" -> "2137 6361" [label="[]", style=solid]; +"2082 2989" -> "2155 6317" [label="[]", style=solid]; +"2082 2989" -> "2173 6273" [label="[]", style=solid]; +"2082 2989" -> "2191 6229" [label="[]", style=solid]; +"2082 2989" -> "2209 6185" [label="[]", style=solid]; +"2082 2989" -> "2227 6141" [label="[]", style=solid]; +"2082 2989" -> "2245 6097" [label="[]", style=solid]; +"2082 2989" -> "2263 6053" [label="[]", style=solid]; +"2082 2989" -> "2281 6009" [label="[]", style=solid]; +"2082 2989" -> "2299 5965" [label="[]", style=solid]; +"2082 2989" -> "2317 5921" [label="[]", style=solid]; +"2082 2989" -> "2335 5877" [label="[]", style=solid]; +"2082 2989" -> "2353 5833" [label="[]", style=solid]; +"2082 2989" -> "2371 5789" [label="[]", style=solid]; +"2082 2989" -> "2389 5745" [label="[]", style=solid]; +"2082 2989" -> "2407 5701" [label="[]", style=solid]; +"2082 2989" -> "2425 5657" [label="[]", style=solid]; +"2082 2989" -> "2443 5613" [label="[]", style=solid]; +"2082 2989" -> "2461 5569" [label="[]", style=solid]; +"2082 2989" -> "2479 5525" [label="[]", style=solid]; +"2082 2989" -> "2497 5481" [label="[]", style=solid]; +"2082 2989" -> "2515 5437" [label="[]", style=solid]; +"2082 2989" -> "2533 5393" [label="[]", style=solid]; +"2082 2989" -> "2551 5349" [label="[]", style=solid]; +"2082 2989" -> "2569 5305" [label="[]", style=solid]; +"2082 2989" -> "2587 5261" [label="[]", style=solid]; +"2082 2989" -> "2605 5217" [label="[]", style=solid]; +"2082 2989" -> "2623 5173" [label="[]", style=solid]; +"2082 2989" -> "2641 5129" [label="[]", style=solid]; +"2082 2989" -> "2659 5085" [label="[]", style=solid]; +"2082 2989" -> "2677 5041" [label="[]", style=solid]; +"2082 2989" -> "2695 4997" [label="[]", style=solid]; +"2082 2989" -> "2713 4953" [label="[]", style=solid]; +"2082 2989" -> "2731 4909" [label="[]", style=solid]; +"2082 2989" -> "2749 4865" [label="[]", style=solid]; +"2082 2989" -> "2767 4821" [label="[]", style=solid]; +"2082 2989" -> "2785 4777" [label="[]", style=solid]; +"2082 2989" -> "2803 4733" [label="[]", style=solid]; +"2082 2989" -> "2821 4689" [label="[]", style=solid]; +"2082 2989" -> "2839 4645" [label="[]", style=solid]; +"2082 2989" -> "2857 4601" [label="[]", style=solid]; +"2082 2989" -> "2875 4557" [label="[]", style=solid]; +"2082 2989" -> "2893 4513" [label="[]", style=solid]; +"2082 2989" -> "2911 4469" [label="[]", style=solid]; +"2082 2989" -> "2929 4425" [label="[]", style=solid]; +"2082 2989" -> "2947 4381" [label="[]", style=solid]; +"2082 2989" -> "2965 4337" [label="[]", style=solid]; +"2082 2989" -> "2983 4293" [label="[]", style=solid]; +"2082 2989" -> "3001 4249" [label="[]", style=solid]; +"2082 2989" -> "3019 4205" [label="[]", style=solid]; +"2082 2989" -> "3037 4161" [label="[]", style=solid]; +"2082 2989" -> "3055 4117" [label="[]", style=solid]; +"2082 2989" -> "3073 4073" [label="[]", style=solid]; +"2082 2989" -> "3091 4029" [label="[]", style=solid]; +"2082 2989" -> "3109 3985" [label="[]", style=solid]; +"2082 2989" -> "3127 3941" [label="[]", style=solid]; +"2082 2989" -> "3145 3897" [label="[]", style=solid]; +"2082 2989" -> "3163 3853" [label="[]", style=solid]; +"2082 2989" -> "3181 3809" [label="[]", style=solid]; +"2082 2989" -> "3199 3765" [label="[]", style=solid]; +"2082 2989" -> "3217 3721" [label="[]", style=solid]; +"2082 2989" -> "3235 3677" [label="[]", style=solid]; +"2082 2989" -> "3253 3633" [label="[]", style=solid]; +"2082 2989" -> "3271 3589" [label="[]", style=solid]; +"2082 2989" -> "3289 3545" [label="[]", style=solid]; +"2082 2989" -> "3307 3501" [label="[]", style=solid]; +"2082 2989" -> "3325 3457" [label="[]", style=solid]; +"2082 2989" -> "3343 3413" [label="[]", style=solid]; +"2082 2989" -> "3361 3369" [label="[]", style=solid]; +"2082 2989" -> "3379 3325" [label="[]", style=solid]; +"2082 2989" -> "3397 3281" [label="[]", style=solid]; +"2082 2989" -> "3415 3237" [label="[]", style=solid]; +"2082 2989" -> "3433 3193" [label="[]", style=solid]; +"2082 2989" -> "3451 3149" [label="[]", style=solid]; +"2082 2989" -> "3469 3105" [label="[]", style=solid]; +"2082 2989" -> "3487 3061" [label="[]", style=solid]; +"2082 2989" -> "3505 3017" [label="[]", style=solid]; +"2083 6493" -> "2084 6495" [label="[]", style=solid]; +"2084 6495" -> "2085 6496" [label="[]", style=solid]; +"2084 6495" -> "3522 6506" [label="[]", style=solid]; +"2085 6496" -> "2086 6501" [label="[]", style=solid]; +"2086 6501" -> "2087 6503" [label="[-1, 3]", style=dashed]; +"2087 6503" -> "2088 6504" [label="[-1, 1]", style=dashed]; +"2088 6504" -> "2089 6508" [label="[-1]", style=dashed]; +"2088 6504" -> "3521 6505" [label="[-1]", style=dashed]; +"2089 6508" -> "3512 6520" [label="[]", style=solid]; +"2090 6434" -> "2091 6436" [label="[]", style=dashed]; +"2091 6436" -> "2092 6437" [label="[]", style=dashed]; +"2092 6437" -> "2093 6438" [label="[]", style=solid]; +"2093 6438" -> "2094 6439" [label="[-1, -1]", style=dashed]; +"2094 6439" -> "2095 6440" [label="[-1, -1]", style=dashed]; +"2095 6440" -> "2096 6443" [label="[-1]", style=dashed]; +"2095 6440" -> "2102 6451" [label="[-1]", style=dashed]; +"2096 6443" -> "2098 6444" [label="[-1]", style=dashed]; +"2097 6442" -> "2098 6444" [label="[]", style=solid]; +"2098 6444" -> "2099 6453" [label="[]", style=solid]; +"2098 6444" -> "2107 6464" [label="[]", style=solid]; +"2099 6453" -> "2100 6454" [label="[]", style=solid]; +"2100 6454" -> "2104 6457" [label="[]", style=solid]; +"2101 6449" -> "2102 6451" [label="[]", style=solid]; +"2102 6451" -> "2103 6452" [label="[]", style=solid]; +"2102 6451" -> "3524 6462" [label="[]", style=solid]; +"2103 6452" -> "2104 6457" [label="[]", style=solid]; +"2104 6457" -> "2105 6459" [label="[-1, 3]", style=dashed]; +"2105 6459" -> "2106 6460" [label="[-1, 1]", style=dashed]; +"2106 6460" -> "2107 6464" [label="[-1]", style=dashed]; +"2106 6460" -> "3523 6461" [label="[-1]", style=dashed]; +"2107 6464" -> "3512 6520" [label="[]", style=solid]; +"2108 6390" -> "2109 6392" [label="[]", style=dashed]; +"2109 6392" -> "2110 6393" [label="[]", style=dashed]; +"2110 6393" -> "2111 6394" [label="[]", style=solid]; +"2111 6394" -> "2112 6395" [label="[-1, -1]", style=dashed]; +"2112 6395" -> "2113 6396" [label="[-1, -1]", style=dashed]; +"2113 6396" -> "2114 6399" [label="[-1]", style=dashed]; +"2113 6396" -> "2120 6407" [label="[-1]", style=dashed]; +"2114 6399" -> "2116 6400" [label="[-1]", style=dashed]; +"2115 6398" -> "2116 6400" [label="[]", style=solid]; +"2116 6400" -> "2117 6409" [label="[]", style=solid]; +"2116 6400" -> "2125 6420" [label="[]", style=solid]; +"2117 6409" -> "2118 6410" [label="[]", style=solid]; +"2118 6410" -> "2122 6413" [label="[]", style=solid]; +"2119 6405" -> "2120 6407" [label="[]", style=solid]; +"2120 6407" -> "2121 6408" [label="[]", style=solid]; +"2120 6407" -> "3526 6418" [label="[]", style=solid]; +"2121 6408" -> "2122 6413" [label="[]", style=solid]; +"2122 6413" -> "2123 6415" [label="[-1, 3]", style=dashed]; +"2123 6415" -> "2124 6416" [label="[-1, 1]", style=dashed]; +"2124 6416" -> "2125 6420" [label="[-1]", style=dashed]; +"2124 6416" -> "3525 6417" [label="[-1]", style=dashed]; +"2125 6420" -> "3512 6520" [label="[]", style=solid]; +"2126 6346" -> "2127 6348" [label="[]", style=dashed]; +"2127 6348" -> "2128 6349" [label="[]", style=dashed]; +"2128 6349" -> "2129 6350" [label="[]", style=solid]; +"2129 6350" -> "2130 6351" [label="[-1, -1]", style=dashed]; +"2130 6351" -> "2131 6352" [label="[-1, -1]", style=dashed]; +"2131 6352" -> "2132 6355" [label="[-1]", style=dashed]; +"2131 6352" -> "2138 6363" [label="[-1]", style=dashed]; +"2132 6355" -> "2134 6356" [label="[-1]", style=dashed]; +"2133 6354" -> "2134 6356" [label="[]", style=solid]; +"2134 6356" -> "2135 6365" [label="[]", style=solid]; +"2134 6356" -> "2143 6376" [label="[]", style=solid]; +"2135 6365" -> "2136 6366" [label="[]", style=solid]; +"2136 6366" -> "2140 6369" [label="[]", style=solid]; +"2137 6361" -> "2138 6363" [label="[]", style=solid]; +"2138 6363" -> "2139 6364" [label="[]", style=solid]; +"2138 6363" -> "3528 6374" [label="[]", style=solid]; +"2139 6364" -> "2140 6369" [label="[]", style=solid]; +"2140 6369" -> "2141 6371" [label="[-1, 3]", style=dashed]; +"2141 6371" -> "2142 6372" [label="[-1, 1]", style=dashed]; +"2142 6372" -> "2143 6376" [label="[-1]", style=dashed]; +"2142 6372" -> "3527 6373" [label="[-1]", style=dashed]; +"2143 6376" -> "3512 6520" [label="[]", style=solid]; +"2144 6302" -> "2145 6304" [label="[]", style=dashed]; +"2145 6304" -> "2146 6305" [label="[]", style=dashed]; +"2146 6305" -> "2147 6306" [label="[]", style=solid]; +"2147 6306" -> "2148 6307" [label="[-1, -1]", style=dashed]; +"2148 6307" -> "2149 6308" [label="[-1, -1]", style=dashed]; +"2149 6308" -> "2150 6311" [label="[-1]", style=dashed]; +"2149 6308" -> "2156 6319" [label="[-1]", style=dashed]; +"2150 6311" -> "2152 6312" [label="[-1]", style=dashed]; +"2151 6310" -> "2152 6312" [label="[]", style=solid]; +"2152 6312" -> "2153 6321" [label="[]", style=solid]; +"2152 6312" -> "2161 6332" [label="[]", style=solid]; +"2153 6321" -> "2154 6322" [label="[]", style=solid]; +"2154 6322" -> "2158 6325" [label="[]", style=solid]; +"2155 6317" -> "2156 6319" [label="[]", style=solid]; +"2156 6319" -> "2157 6320" [label="[]", style=solid]; +"2156 6319" -> "3530 6330" [label="[]", style=solid]; +"2157 6320" -> "2158 6325" [label="[]", style=solid]; +"2158 6325" -> "2159 6327" [label="[-1, 3]", style=dashed]; +"2159 6327" -> "2160 6328" [label="[-1, 1]", style=dashed]; +"2160 6328" -> "2161 6332" [label="[-1]", style=dashed]; +"2160 6328" -> "3529 6329" [label="[-1]", style=dashed]; +"2161 6332" -> "3512 6520" [label="[]", style=solid]; +"2162 6258" -> "2163 6260" [label="[]", style=dashed]; +"2163 6260" -> "2164 6261" [label="[]", style=dashed]; +"2164 6261" -> "2165 6262" [label="[]", style=solid]; +"2165 6262" -> "2166 6263" [label="[-1, -1]", style=dashed]; +"2166 6263" -> "2167 6264" [label="[-1, -1]", style=dashed]; +"2167 6264" -> "2168 6267" [label="[-1]", style=dashed]; +"2167 6264" -> "2174 6275" [label="[-1]", style=dashed]; +"2168 6267" -> "2170 6268" [label="[-1]", style=dashed]; +"2169 6266" -> "2170 6268" [label="[]", style=solid]; +"2170 6268" -> "2171 6277" [label="[]", style=solid]; +"2170 6268" -> "2179 6288" [label="[]", style=solid]; +"2171 6277" -> "2172 6278" [label="[]", style=solid]; +"2172 6278" -> "2176 6281" [label="[]", style=solid]; +"2173 6273" -> "2174 6275" [label="[]", style=solid]; +"2174 6275" -> "2175 6276" [label="[]", style=solid]; +"2174 6275" -> "3532 6286" [label="[]", style=solid]; +"2175 6276" -> "2176 6281" [label="[]", style=solid]; +"2176 6281" -> "2177 6283" [label="[-1, 3]", style=dashed]; +"2177 6283" -> "2178 6284" [label="[-1, 1]", style=dashed]; +"2178 6284" -> "2179 6288" [label="[-1]", style=dashed]; +"2178 6284" -> "3531 6285" [label="[-1]", style=dashed]; +"2179 6288" -> "3512 6520" [label="[]", style=solid]; +"2180 6214" -> "2181 6216" [label="[]", style=dashed]; +"2181 6216" -> "2182 6217" [label="[]", style=dashed]; +"2182 6217" -> "2183 6218" [label="[]", style=solid]; +"2183 6218" -> "2184 6219" [label="[-1, -1]", style=dashed]; +"2184 6219" -> "2185 6220" [label="[-1, -1]", style=dashed]; +"2185 6220" -> "2186 6223" [label="[-1]", style=dashed]; +"2185 6220" -> "2192 6231" [label="[-1]", style=dashed]; +"2186 6223" -> "2188 6224" [label="[-1]", style=dashed]; +"2187 6222" -> "2188 6224" [label="[]", style=solid]; +"2188 6224" -> "2189 6233" [label="[]", style=solid]; +"2188 6224" -> "2197 6244" [label="[]", style=solid]; +"2189 6233" -> "2190 6234" [label="[]", style=solid]; +"2190 6234" -> "2194 6237" [label="[]", style=solid]; +"2191 6229" -> "2192 6231" [label="[]", style=solid]; +"2192 6231" -> "2193 6232" [label="[]", style=solid]; +"2192 6231" -> "3534 6242" [label="[]", style=solid]; +"2193 6232" -> "2194 6237" [label="[]", style=solid]; +"2194 6237" -> "2195 6239" [label="[-1, 3]", style=dashed]; +"2195 6239" -> "2196 6240" [label="[-1, 1]", style=dashed]; +"2196 6240" -> "2197 6244" [label="[-1]", style=dashed]; +"2196 6240" -> "3533 6241" [label="[-1]", style=dashed]; +"2197 6244" -> "3512 6520" [label="[]", style=solid]; +"2198 6170" -> "2199 6172" [label="[]", style=dashed]; +"2199 6172" -> "2200 6173" [label="[]", style=dashed]; +"2200 6173" -> "2201 6174" [label="[]", style=solid]; +"2201 6174" -> "2202 6175" [label="[-1, -1]", style=dashed]; +"2202 6175" -> "2203 6176" [label="[-1, -1]", style=dashed]; +"2203 6176" -> "2204 6179" [label="[-1]", style=dashed]; +"2203 6176" -> "2210 6187" [label="[-1]", style=dashed]; +"2204 6179" -> "2206 6180" [label="[-1]", style=dashed]; +"2205 6178" -> "2206 6180" [label="[]", style=solid]; +"2206 6180" -> "2207 6189" [label="[]", style=solid]; +"2206 6180" -> "2215 6200" [label="[]", style=solid]; +"2207 6189" -> "2208 6190" [label="[]", style=solid]; +"2208 6190" -> "2212 6193" [label="[]", style=solid]; +"2209 6185" -> "2210 6187" [label="[]", style=solid]; +"2210 6187" -> "2211 6188" [label="[]", style=solid]; +"2210 6187" -> "3536 6198" [label="[]", style=solid]; +"2211 6188" -> "2212 6193" [label="[]", style=solid]; +"2212 6193" -> "2213 6195" [label="[-1, 3]", style=dashed]; +"2213 6195" -> "2214 6196" [label="[-1, 1]", style=dashed]; +"2214 6196" -> "2215 6200" [label="[-1]", style=dashed]; +"2214 6196" -> "3535 6197" [label="[-1]", style=dashed]; +"2215 6200" -> "3512 6520" [label="[]", style=solid]; +"2216 6126" -> "2217 6128" [label="[]", style=dashed]; +"2217 6128" -> "2218 6129" [label="[]", style=dashed]; +"2218 6129" -> "2219 6130" [label="[]", style=solid]; +"2219 6130" -> "2220 6131" [label="[-1, -1]", style=dashed]; +"2220 6131" -> "2221 6132" [label="[-1, -1]", style=dashed]; +"2221 6132" -> "2222 6135" [label="[-1]", style=dashed]; +"2221 6132" -> "2228 6143" [label="[-1]", style=dashed]; +"2222 6135" -> "2224 6136" [label="[-1]", style=dashed]; +"2223 6134" -> "2224 6136" [label="[]", style=solid]; +"2224 6136" -> "2225 6145" [label="[]", style=solid]; +"2224 6136" -> "2233 6156" [label="[]", style=solid]; +"2225 6145" -> "2226 6146" [label="[]", style=solid]; +"2226 6146" -> "2230 6149" [label="[]", style=solid]; +"2227 6141" -> "2228 6143" [label="[]", style=solid]; +"2228 6143" -> "2229 6144" [label="[]", style=solid]; +"2228 6143" -> "3538 6154" [label="[]", style=solid]; +"2229 6144" -> "2230 6149" [label="[]", style=solid]; +"2230 6149" -> "2231 6151" [label="[-1, 3]", style=dashed]; +"2231 6151" -> "2232 6152" [label="[-1, 1]", style=dashed]; +"2232 6152" -> "2233 6156" [label="[-1]", style=dashed]; +"2232 6152" -> "3537 6153" [label="[-1]", style=dashed]; +"2233 6156" -> "3512 6520" [label="[]", style=solid]; +"2234 6082" -> "2235 6084" [label="[]", style=dashed]; +"2235 6084" -> "2236 6085" [label="[]", style=dashed]; +"2236 6085" -> "2237 6086" [label="[]", style=solid]; +"2237 6086" -> "2238 6087" [label="[-1, -1]", style=dashed]; +"2238 6087" -> "2239 6088" [label="[-1, -1]", style=dashed]; +"2239 6088" -> "2240 6091" [label="[-1]", style=dashed]; +"2239 6088" -> "2246 6099" [label="[-1]", style=dashed]; +"2240 6091" -> "2242 6092" [label="[-1]", style=dashed]; +"2241 6090" -> "2242 6092" [label="[]", style=solid]; +"2242 6092" -> "2243 6101" [label="[]", style=solid]; +"2242 6092" -> "2251 6112" [label="[]", style=solid]; +"2243 6101" -> "2244 6102" [label="[]", style=solid]; +"2244 6102" -> "2248 6105" [label="[]", style=solid]; +"2245 6097" -> "2246 6099" [label="[]", style=solid]; +"2246 6099" -> "2247 6100" [label="[]", style=solid]; +"2246 6099" -> "3540 6110" [label="[]", style=solid]; +"2247 6100" -> "2248 6105" [label="[]", style=solid]; +"2248 6105" -> "2249 6107" [label="[-1, 3]", style=dashed]; +"2249 6107" -> "2250 6108" [label="[-1, 1]", style=dashed]; +"2250 6108" -> "2251 6112" [label="[-1]", style=dashed]; +"2250 6108" -> "3539 6109" [label="[-1]", style=dashed]; +"2251 6112" -> "3512 6520" [label="[]", style=solid]; +"2252 6038" -> "2253 6040" [label="[]", style=dashed]; +"2253 6040" -> "2254 6041" [label="[]", style=dashed]; +"2254 6041" -> "2255 6042" [label="[]", style=solid]; +"2255 6042" -> "2256 6043" [label="[-1, -1]", style=dashed]; +"2256 6043" -> "2257 6044" [label="[-1, -1]", style=dashed]; +"2257 6044" -> "2258 6047" [label="[-1]", style=dashed]; +"2257 6044" -> "2264 6055" [label="[-1]", style=dashed]; +"2258 6047" -> "2260 6048" [label="[-1]", style=dashed]; +"2259 6046" -> "2260 6048" [label="[]", style=solid]; +"2260 6048" -> "2261 6057" [label="[]", style=solid]; +"2260 6048" -> "2269 6068" [label="[]", style=solid]; +"2261 6057" -> "2262 6058" [label="[]", style=solid]; +"2262 6058" -> "2266 6061" [label="[]", style=solid]; +"2263 6053" -> "2264 6055" [label="[]", style=solid]; +"2264 6055" -> "2265 6056" [label="[]", style=solid]; +"2264 6055" -> "3542 6066" [label="[]", style=solid]; +"2265 6056" -> "2266 6061" [label="[]", style=solid]; +"2266 6061" -> "2267 6063" [label="[-1, 3]", style=dashed]; +"2267 6063" -> "2268 6064" [label="[-1, 1]", style=dashed]; +"2268 6064" -> "2269 6068" [label="[-1]", style=dashed]; +"2268 6064" -> "3541 6065" [label="[-1]", style=dashed]; +"2269 6068" -> "3512 6520" [label="[]", style=solid]; +"2270 5994" -> "2271 5996" [label="[]", style=dashed]; +"2271 5996" -> "2272 5997" [label="[]", style=dashed]; +"2272 5997" -> "2273 5998" [label="[]", style=solid]; +"2273 5998" -> "2274 5999" [label="[-1, -1]", style=dashed]; +"2274 5999" -> "2275 6000" [label="[-1, -1]", style=dashed]; +"2275 6000" -> "2276 6003" [label="[-1]", style=dashed]; +"2275 6000" -> "2282 6011" [label="[-1]", style=dashed]; +"2276 6003" -> "2278 6004" [label="[-1]", style=dashed]; +"2277 6002" -> "2278 6004" [label="[]", style=solid]; +"2278 6004" -> "2279 6013" [label="[]", style=solid]; +"2278 6004" -> "2287 6024" [label="[]", style=solid]; +"2279 6013" -> "2280 6014" [label="[]", style=solid]; +"2280 6014" -> "2284 6017" [label="[]", style=solid]; +"2281 6009" -> "2282 6011" [label="[]", style=solid]; +"2282 6011" -> "2283 6012" [label="[]", style=solid]; +"2282 6011" -> "3544 6022" [label="[]", style=solid]; +"2283 6012" -> "2284 6017" [label="[]", style=solid]; +"2284 6017" -> "2285 6019" [label="[-1, 3]", style=dashed]; +"2285 6019" -> "2286 6020" [label="[-1, 1]", style=dashed]; +"2286 6020" -> "2287 6024" [label="[-1]", style=dashed]; +"2286 6020" -> "3543 6021" [label="[-1]", style=dashed]; +"2287 6024" -> "3512 6520" [label="[]", style=solid]; +"2288 5950" -> "2289 5952" [label="[]", style=dashed]; +"2289 5952" -> "2290 5953" [label="[]", style=dashed]; +"2290 5953" -> "2291 5954" [label="[]", style=solid]; +"2291 5954" -> "2292 5955" [label="[-1, -1]", style=dashed]; +"2292 5955" -> "2293 5956" [label="[-1, -1]", style=dashed]; +"2293 5956" -> "2294 5959" [label="[-1]", style=dashed]; +"2293 5956" -> "2300 5967" [label="[-1]", style=dashed]; +"2294 5959" -> "2296 5960" [label="[-1]", style=dashed]; +"2295 5958" -> "2296 5960" [label="[]", style=solid]; +"2296 5960" -> "2297 5969" [label="[]", style=solid]; +"2296 5960" -> "2305 5980" [label="[]", style=solid]; +"2297 5969" -> "2298 5970" [label="[]", style=solid]; +"2298 5970" -> "2302 5973" [label="[]", style=solid]; +"2299 5965" -> "2300 5967" [label="[]", style=solid]; +"2300 5967" -> "2301 5968" [label="[]", style=solid]; +"2300 5967" -> "3546 5978" [label="[]", style=solid]; +"2301 5968" -> "2302 5973" [label="[]", style=solid]; +"2302 5973" -> "2303 5975" [label="[-1, 3]", style=dashed]; +"2303 5975" -> "2304 5976" [label="[-1, 1]", style=dashed]; +"2304 5976" -> "2305 5980" [label="[-1]", style=dashed]; +"2304 5976" -> "3545 5977" [label="[-1]", style=dashed]; +"2305 5980" -> "3512 6520" [label="[]", style=solid]; +"2306 5906" -> "2307 5908" [label="[]", style=dashed]; +"2307 5908" -> "2308 5909" [label="[]", style=dashed]; +"2308 5909" -> "2309 5910" [label="[]", style=solid]; +"2309 5910" -> "2310 5911" [label="[-1, -1]", style=dashed]; +"2310 5911" -> "2311 5912" [label="[-1, -1]", style=dashed]; +"2311 5912" -> "2312 5915" [label="[-1]", style=dashed]; +"2311 5912" -> "2318 5923" [label="[-1]", style=dashed]; +"2312 5915" -> "2314 5916" [label="[-1]", style=dashed]; +"2313 5914" -> "2314 5916" [label="[]", style=solid]; +"2314 5916" -> "2315 5925" [label="[]", style=solid]; +"2314 5916" -> "2323 5936" [label="[]", style=solid]; +"2315 5925" -> "2316 5926" [label="[]", style=solid]; +"2316 5926" -> "2320 5929" [label="[]", style=solid]; +"2317 5921" -> "2318 5923" [label="[]", style=solid]; +"2318 5923" -> "2319 5924" [label="[]", style=solid]; +"2318 5923" -> "3548 5934" [label="[]", style=solid]; +"2319 5924" -> "2320 5929" [label="[]", style=solid]; +"2320 5929" -> "2321 5931" [label="[-1, 3]", style=dashed]; +"2321 5931" -> "2322 5932" [label="[-1, 1]", style=dashed]; +"2322 5932" -> "2323 5936" [label="[-1]", style=dashed]; +"2322 5932" -> "3547 5933" [label="[-1]", style=dashed]; +"2323 5936" -> "3512 6520" [label="[]", style=solid]; +"2324 5862" -> "2325 5864" [label="[]", style=dashed]; +"2325 5864" -> "2326 5865" [label="[]", style=dashed]; +"2326 5865" -> "2327 5866" [label="[]", style=solid]; +"2327 5866" -> "2328 5867" [label="[-1, -1]", style=dashed]; +"2328 5867" -> "2329 5868" [label="[-1, -1]", style=dashed]; +"2329 5868" -> "2330 5871" [label="[-1]", style=dashed]; +"2329 5868" -> "2336 5879" [label="[-1]", style=dashed]; +"2330 5871" -> "2332 5872" [label="[-1]", style=dashed]; +"2331 5870" -> "2332 5872" [label="[]", style=solid]; +"2332 5872" -> "2333 5881" [label="[]", style=solid]; +"2332 5872" -> "2341 5892" [label="[]", style=solid]; +"2333 5881" -> "2334 5882" [label="[]", style=solid]; +"2334 5882" -> "2338 5885" [label="[]", style=solid]; +"2335 5877" -> "2336 5879" [label="[]", style=solid]; +"2336 5879" -> "2337 5880" [label="[]", style=solid]; +"2336 5879" -> "3550 5890" [label="[]", style=solid]; +"2337 5880" -> "2338 5885" [label="[]", style=solid]; +"2338 5885" -> "2339 5887" [label="[-1, 3]", style=dashed]; +"2339 5887" -> "2340 5888" [label="[-1, 1]", style=dashed]; +"2340 5888" -> "2341 5892" [label="[-1]", style=dashed]; +"2340 5888" -> "3549 5889" [label="[-1]", style=dashed]; +"2341 5892" -> "3512 6520" [label="[]", style=solid]; +"2342 5818" -> "2343 5820" [label="[]", style=dashed]; +"2343 5820" -> "2344 5821" [label="[]", style=dashed]; +"2344 5821" -> "2345 5822" [label="[]", style=solid]; +"2345 5822" -> "2346 5823" [label="[-1, -1]", style=dashed]; +"2346 5823" -> "2347 5824" [label="[-1, -1]", style=dashed]; +"2347 5824" -> "2348 5827" [label="[-1]", style=dashed]; +"2347 5824" -> "2354 5835" [label="[-1]", style=dashed]; +"2348 5827" -> "2350 5828" [label="[-1]", style=dashed]; +"2349 5826" -> "2350 5828" [label="[]", style=solid]; +"2350 5828" -> "2351 5837" [label="[]", style=solid]; +"2350 5828" -> "2359 5848" [label="[]", style=solid]; +"2351 5837" -> "2352 5838" [label="[]", style=solid]; +"2352 5838" -> "2356 5841" [label="[]", style=solid]; +"2353 5833" -> "2354 5835" [label="[]", style=solid]; +"2354 5835" -> "2355 5836" [label="[]", style=solid]; +"2354 5835" -> "3552 5846" [label="[]", style=solid]; +"2355 5836" -> "2356 5841" [label="[]", style=solid]; +"2356 5841" -> "2357 5843" [label="[-1, 3]", style=dashed]; +"2357 5843" -> "2358 5844" [label="[-1, 1]", style=dashed]; +"2358 5844" -> "2359 5848" [label="[-1]", style=dashed]; +"2358 5844" -> "3551 5845" [label="[-1]", style=dashed]; +"2359 5848" -> "3512 6520" [label="[]", style=solid]; +"2360 5774" -> "2361 5776" [label="[]", style=dashed]; +"2361 5776" -> "2362 5777" [label="[]", style=dashed]; +"2362 5777" -> "2363 5778" [label="[]", style=solid]; +"2363 5778" -> "2364 5779" [label="[-1, -1]", style=dashed]; +"2364 5779" -> "2365 5780" [label="[-1, -1]", style=dashed]; +"2365 5780" -> "2366 5783" [label="[-1]", style=dashed]; +"2365 5780" -> "2372 5791" [label="[-1]", style=dashed]; +"2366 5783" -> "2368 5784" [label="[-1]", style=dashed]; +"2367 5782" -> "2368 5784" [label="[]", style=solid]; +"2368 5784" -> "2369 5793" [label="[]", style=solid]; +"2368 5784" -> "2377 5804" [label="[]", style=solid]; +"2369 5793" -> "2370 5794" [label="[]", style=solid]; +"2370 5794" -> "2374 5797" [label="[]", style=solid]; +"2371 5789" -> "2372 5791" [label="[]", style=solid]; +"2372 5791" -> "2373 5792" [label="[]", style=solid]; +"2372 5791" -> "3554 5802" [label="[]", style=solid]; +"2373 5792" -> "2374 5797" [label="[]", style=solid]; +"2374 5797" -> "2375 5799" [label="[-1, 3]", style=dashed]; +"2375 5799" -> "2376 5800" [label="[-1, 1]", style=dashed]; +"2376 5800" -> "2377 5804" [label="[-1]", style=dashed]; +"2376 5800" -> "3553 5801" [label="[-1]", style=dashed]; +"2377 5804" -> "3512 6520" [label="[]", style=solid]; +"2378 5730" -> "2379 5732" [label="[]", style=dashed]; +"2379 5732" -> "2380 5733" [label="[]", style=dashed]; +"2380 5733" -> "2381 5734" [label="[]", style=solid]; +"2381 5734" -> "2382 5735" [label="[-1, -1]", style=dashed]; +"2382 5735" -> "2383 5736" [label="[-1, -1]", style=dashed]; +"2383 5736" -> "2384 5739" [label="[-1]", style=dashed]; +"2383 5736" -> "2390 5747" [label="[-1]", style=dashed]; +"2384 5739" -> "2386 5740" [label="[-1]", style=dashed]; +"2385 5738" -> "2386 5740" [label="[]", style=solid]; +"2386 5740" -> "2387 5749" [label="[]", style=solid]; +"2386 5740" -> "2395 5760" [label="[]", style=solid]; +"2387 5749" -> "2388 5750" [label="[]", style=solid]; +"2388 5750" -> "2392 5753" [label="[]", style=solid]; +"2389 5745" -> "2390 5747" [label="[]", style=solid]; +"2390 5747" -> "2391 5748" [label="[]", style=solid]; +"2390 5747" -> "3556 5758" [label="[]", style=solid]; +"2391 5748" -> "2392 5753" [label="[]", style=solid]; +"2392 5753" -> "2393 5755" [label="[-1, 3]", style=dashed]; +"2393 5755" -> "2394 5756" [label="[-1, 1]", style=dashed]; +"2394 5756" -> "2395 5760" [label="[-1]", style=dashed]; +"2394 5756" -> "3555 5757" [label="[-1]", style=dashed]; +"2395 5760" -> "3512 6520" [label="[]", style=solid]; +"2396 5686" -> "2397 5688" [label="[]", style=dashed]; +"2397 5688" -> "2398 5689" [label="[]", style=dashed]; +"2398 5689" -> "2399 5690" [label="[]", style=solid]; +"2399 5690" -> "2400 5691" [label="[-1, -1]", style=dashed]; +"2400 5691" -> "2401 5692" [label="[-1, -1]", style=dashed]; +"2401 5692" -> "2402 5695" [label="[-1]", style=dashed]; +"2401 5692" -> "2408 5703" [label="[-1]", style=dashed]; +"2402 5695" -> "2404 5696" [label="[-1]", style=dashed]; +"2403 5694" -> "2404 5696" [label="[]", style=solid]; +"2404 5696" -> "2405 5705" [label="[]", style=solid]; +"2404 5696" -> "2413 5716" [label="[]", style=solid]; +"2405 5705" -> "2406 5706" [label="[]", style=solid]; +"2406 5706" -> "2410 5709" [label="[]", style=solid]; +"2407 5701" -> "2408 5703" [label="[]", style=solid]; +"2408 5703" -> "2409 5704" [label="[]", style=solid]; +"2408 5703" -> "3558 5714" [label="[]", style=solid]; +"2409 5704" -> "2410 5709" [label="[]", style=solid]; +"2410 5709" -> "2411 5711" [label="[-1, 3]", style=dashed]; +"2411 5711" -> "2412 5712" [label="[-1, 1]", style=dashed]; +"2412 5712" -> "2413 5716" [label="[-1]", style=dashed]; +"2412 5712" -> "3557 5713" [label="[-1]", style=dashed]; +"2413 5716" -> "3512 6520" [label="[]", style=solid]; +"2414 5642" -> "2415 5644" [label="[]", style=dashed]; +"2415 5644" -> "2416 5645" [label="[]", style=dashed]; +"2416 5645" -> "2417 5646" [label="[]", style=solid]; +"2417 5646" -> "2418 5647" [label="[-1, -1]", style=dashed]; +"2418 5647" -> "2419 5648" [label="[-1, -1]", style=dashed]; +"2419 5648" -> "2420 5651" [label="[-1]", style=dashed]; +"2419 5648" -> "2426 5659" [label="[-1]", style=dashed]; +"2420 5651" -> "2422 5652" [label="[-1]", style=dashed]; +"2421 5650" -> "2422 5652" [label="[]", style=solid]; +"2422 5652" -> "2423 5661" [label="[]", style=solid]; +"2422 5652" -> "2431 5672" [label="[]", style=solid]; +"2423 5661" -> "2424 5662" [label="[]", style=solid]; +"2424 5662" -> "2428 5665" [label="[]", style=solid]; +"2425 5657" -> "2426 5659" [label="[]", style=solid]; +"2426 5659" -> "2427 5660" [label="[]", style=solid]; +"2426 5659" -> "3560 5670" [label="[]", style=solid]; +"2427 5660" -> "2428 5665" [label="[]", style=solid]; +"2428 5665" -> "2429 5667" [label="[-1, 3]", style=dashed]; +"2429 5667" -> "2430 5668" [label="[-1, 1]", style=dashed]; +"2430 5668" -> "2431 5672" [label="[-1]", style=dashed]; +"2430 5668" -> "3559 5669" [label="[-1]", style=dashed]; +"2431 5672" -> "3512 6520" [label="[]", style=solid]; +"2432 5598" -> "2433 5600" [label="[]", style=dashed]; +"2433 5600" -> "2434 5601" [label="[]", style=dashed]; +"2434 5601" -> "2435 5602" [label="[]", style=solid]; +"2435 5602" -> "2436 5603" [label="[-1, -1]", style=dashed]; +"2436 5603" -> "2437 5604" [label="[-1, -1]", style=dashed]; +"2437 5604" -> "2438 5607" [label="[-1]", style=dashed]; +"2437 5604" -> "2444 5615" [label="[-1]", style=dashed]; +"2438 5607" -> "2440 5608" [label="[-1]", style=dashed]; +"2439 5606" -> "2440 5608" [label="[]", style=solid]; +"2440 5608" -> "2441 5617" [label="[]", style=solid]; +"2440 5608" -> "2449 5628" [label="[]", style=solid]; +"2441 5617" -> "2442 5618" [label="[]", style=solid]; +"2442 5618" -> "2446 5621" [label="[]", style=solid]; +"2443 5613" -> "2444 5615" [label="[]", style=solid]; +"2444 5615" -> "2445 5616" [label="[]", style=solid]; +"2444 5615" -> "3562 5626" [label="[]", style=solid]; +"2445 5616" -> "2446 5621" [label="[]", style=solid]; +"2446 5621" -> "2447 5623" [label="[-1, 3]", style=dashed]; +"2447 5623" -> "2448 5624" [label="[-1, 1]", style=dashed]; +"2448 5624" -> "2449 5628" [label="[-1]", style=dashed]; +"2448 5624" -> "3561 5625" [label="[-1]", style=dashed]; +"2449 5628" -> "3512 6520" [label="[]", style=solid]; +"2450 5554" -> "2451 5556" [label="[]", style=dashed]; +"2451 5556" -> "2452 5557" [label="[]", style=dashed]; +"2452 5557" -> "2453 5558" [label="[]", style=solid]; +"2453 5558" -> "2454 5559" [label="[-1, -1]", style=dashed]; +"2454 5559" -> "2455 5560" [label="[-1, -1]", style=dashed]; +"2455 5560" -> "2456 5563" [label="[-1]", style=dashed]; +"2455 5560" -> "2462 5571" [label="[-1]", style=dashed]; +"2456 5563" -> "2458 5564" [label="[-1]", style=dashed]; +"2457 5562" -> "2458 5564" [label="[]", style=solid]; +"2458 5564" -> "2459 5573" [label="[]", style=solid]; +"2458 5564" -> "2467 5584" [label="[]", style=solid]; +"2459 5573" -> "2460 5574" [label="[]", style=solid]; +"2460 5574" -> "2464 5577" [label="[]", style=solid]; +"2461 5569" -> "2462 5571" [label="[]", style=solid]; +"2462 5571" -> "2463 5572" [label="[]", style=solid]; +"2462 5571" -> "3564 5582" [label="[]", style=solid]; +"2463 5572" -> "2464 5577" [label="[]", style=solid]; +"2464 5577" -> "2465 5579" [label="[-1, 3]", style=dashed]; +"2465 5579" -> "2466 5580" [label="[-1, 1]", style=dashed]; +"2466 5580" -> "2467 5584" [label="[-1]", style=dashed]; +"2466 5580" -> "3563 5581" [label="[-1]", style=dashed]; +"2467 5584" -> "3512 6520" [label="[]", style=solid]; +"2468 5510" -> "2469 5512" [label="[]", style=dashed]; +"2469 5512" -> "2470 5513" [label="[]", style=dashed]; +"2470 5513" -> "2471 5514" [label="[]", style=solid]; +"2471 5514" -> "2472 5515" [label="[-1, -1]", style=dashed]; +"2472 5515" -> "2473 5516" [label="[-1, -1]", style=dashed]; +"2473 5516" -> "2474 5519" [label="[-1]", style=dashed]; +"2473 5516" -> "2480 5527" [label="[-1]", style=dashed]; +"2474 5519" -> "2476 5520" [label="[-1]", style=dashed]; +"2475 5518" -> "2476 5520" [label="[]", style=solid]; +"2476 5520" -> "2477 5529" [label="[]", style=solid]; +"2476 5520" -> "2485 5540" [label="[]", style=solid]; +"2477 5529" -> "2478 5530" [label="[]", style=solid]; +"2478 5530" -> "2482 5533" [label="[]", style=solid]; +"2479 5525" -> "2480 5527" [label="[]", style=solid]; +"2480 5527" -> "2481 5528" [label="[]", style=solid]; +"2480 5527" -> "3566 5538" [label="[]", style=solid]; +"2481 5528" -> "2482 5533" [label="[]", style=solid]; +"2482 5533" -> "2483 5535" [label="[-1, 3]", style=dashed]; +"2483 5535" -> "2484 5536" [label="[-1, 1]", style=dashed]; +"2484 5536" -> "2485 5540" [label="[-1]", style=dashed]; +"2484 5536" -> "3565 5537" [label="[-1]", style=dashed]; +"2485 5540" -> "3512 6520" [label="[]", style=solid]; +"2486 5466" -> "2487 5468" [label="[]", style=dashed]; +"2487 5468" -> "2488 5469" [label="[]", style=dashed]; +"2488 5469" -> "2489 5470" [label="[]", style=solid]; +"2489 5470" -> "2490 5471" [label="[-1, -1]", style=dashed]; +"2490 5471" -> "2491 5472" [label="[-1, -1]", style=dashed]; +"2491 5472" -> "2492 5475" [label="[-1]", style=dashed]; +"2491 5472" -> "2498 5483" [label="[-1]", style=dashed]; +"2492 5475" -> "2494 5476" [label="[-1]", style=dashed]; +"2493 5474" -> "2494 5476" [label="[]", style=solid]; +"2494 5476" -> "2495 5485" [label="[]", style=solid]; +"2494 5476" -> "2503 5496" [label="[]", style=solid]; +"2495 5485" -> "2496 5486" [label="[]", style=solid]; +"2496 5486" -> "2500 5489" [label="[]", style=solid]; +"2497 5481" -> "2498 5483" [label="[]", style=solid]; +"2498 5483" -> "2499 5484" [label="[]", style=solid]; +"2498 5483" -> "3568 5494" [label="[]", style=solid]; +"2499 5484" -> "2500 5489" [label="[]", style=solid]; +"2500 5489" -> "2501 5491" [label="[-1, 3]", style=dashed]; +"2501 5491" -> "2502 5492" [label="[-1, 1]", style=dashed]; +"2502 5492" -> "2503 5496" [label="[-1]", style=dashed]; +"2502 5492" -> "3567 5493" [label="[-1]", style=dashed]; +"2503 5496" -> "3512 6520" [label="[]", style=solid]; +"2504 5422" -> "2505 5424" [label="[]", style=dashed]; +"2505 5424" -> "2506 5425" [label="[]", style=dashed]; +"2506 5425" -> "2507 5426" [label="[]", style=solid]; +"2507 5426" -> "2508 5427" [label="[-1, -1]", style=dashed]; +"2508 5427" -> "2509 5428" [label="[-1, -1]", style=dashed]; +"2509 5428" -> "2510 5431" [label="[-1]", style=dashed]; +"2509 5428" -> "2516 5439" [label="[-1]", style=dashed]; +"2510 5431" -> "2512 5432" [label="[-1]", style=dashed]; +"2511 5430" -> "2512 5432" [label="[]", style=solid]; +"2512 5432" -> "2513 5441" [label="[]", style=solid]; +"2512 5432" -> "2521 5452" [label="[]", style=solid]; +"2513 5441" -> "2514 5442" [label="[]", style=solid]; +"2514 5442" -> "2518 5445" [label="[]", style=solid]; +"2515 5437" -> "2516 5439" [label="[]", style=solid]; +"2516 5439" -> "2517 5440" [label="[]", style=solid]; +"2516 5439" -> "3570 5450" [label="[]", style=solid]; +"2517 5440" -> "2518 5445" [label="[]", style=solid]; +"2518 5445" -> "2519 5447" [label="[-1, 3]", style=dashed]; +"2519 5447" -> "2520 5448" [label="[-1, 1]", style=dashed]; +"2520 5448" -> "2521 5452" [label="[-1]", style=dashed]; +"2520 5448" -> "3569 5449" [label="[-1]", style=dashed]; +"2521 5452" -> "3512 6520" [label="[]", style=solid]; +"2522 5378" -> "2523 5380" [label="[]", style=dashed]; +"2523 5380" -> "2524 5381" [label="[]", style=dashed]; +"2524 5381" -> "2525 5382" [label="[]", style=solid]; +"2525 5382" -> "2526 5383" [label="[-1, -1]", style=dashed]; +"2526 5383" -> "2527 5384" [label="[-1, -1]", style=dashed]; +"2527 5384" -> "2528 5387" [label="[-1]", style=dashed]; +"2527 5384" -> "2534 5395" [label="[-1]", style=dashed]; +"2528 5387" -> "2530 5388" [label="[-1]", style=dashed]; +"2529 5386" -> "2530 5388" [label="[]", style=solid]; +"2530 5388" -> "2531 5397" [label="[]", style=solid]; +"2530 5388" -> "2539 5408" [label="[]", style=solid]; +"2531 5397" -> "2532 5398" [label="[]", style=solid]; +"2532 5398" -> "2536 5401" [label="[]", style=solid]; +"2533 5393" -> "2534 5395" [label="[]", style=solid]; +"2534 5395" -> "2535 5396" [label="[]", style=solid]; +"2534 5395" -> "3572 5406" [label="[]", style=solid]; +"2535 5396" -> "2536 5401" [label="[]", style=solid]; +"2536 5401" -> "2537 5403" [label="[-1, 3]", style=dashed]; +"2537 5403" -> "2538 5404" [label="[-1, 1]", style=dashed]; +"2538 5404" -> "2539 5408" [label="[-1]", style=dashed]; +"2538 5404" -> "3571 5405" [label="[-1]", style=dashed]; +"2539 5408" -> "3512 6520" [label="[]", style=solid]; +"2540 5334" -> "2541 5336" [label="[]", style=dashed]; +"2541 5336" -> "2542 5337" [label="[]", style=dashed]; +"2542 5337" -> "2543 5338" [label="[]", style=solid]; +"2543 5338" -> "2544 5339" [label="[-1, -1]", style=dashed]; +"2544 5339" -> "2545 5340" [label="[-1, -1]", style=dashed]; +"2545 5340" -> "2546 5343" [label="[-1]", style=dashed]; +"2545 5340" -> "2552 5351" [label="[-1]", style=dashed]; +"2546 5343" -> "2548 5344" [label="[-1]", style=dashed]; +"2547 5342" -> "2548 5344" [label="[]", style=solid]; +"2548 5344" -> "2549 5353" [label="[]", style=solid]; +"2548 5344" -> "2557 5364" [label="[]", style=solid]; +"2549 5353" -> "2550 5354" [label="[]", style=solid]; +"2550 5354" -> "2554 5357" [label="[]", style=solid]; +"2551 5349" -> "2552 5351" [label="[]", style=solid]; +"2552 5351" -> "2553 5352" [label="[]", style=solid]; +"2552 5351" -> "3574 5362" [label="[]", style=solid]; +"2553 5352" -> "2554 5357" [label="[]", style=solid]; +"2554 5357" -> "2555 5359" [label="[-1, 3]", style=dashed]; +"2555 5359" -> "2556 5360" [label="[-1, 1]", style=dashed]; +"2556 5360" -> "2557 5364" [label="[-1]", style=dashed]; +"2556 5360" -> "3573 5361" [label="[-1]", style=dashed]; +"2557 5364" -> "3512 6520" [label="[]", style=solid]; +"2558 5290" -> "2559 5292" [label="[]", style=dashed]; +"2559 5292" -> "2560 5293" [label="[]", style=dashed]; +"2560 5293" -> "2561 5294" [label="[]", style=solid]; +"2561 5294" -> "2562 5295" [label="[-1, -1]", style=dashed]; +"2562 5295" -> "2563 5296" [label="[-1, -1]", style=dashed]; +"2563 5296" -> "2564 5299" [label="[-1]", style=dashed]; +"2563 5296" -> "2570 5307" [label="[-1]", style=dashed]; +"2564 5299" -> "2566 5300" [label="[-1]", style=dashed]; +"2565 5298" -> "2566 5300" [label="[]", style=solid]; +"2566 5300" -> "2567 5309" [label="[]", style=solid]; +"2566 5300" -> "2575 5320" [label="[]", style=solid]; +"2567 5309" -> "2568 5310" [label="[]", style=solid]; +"2568 5310" -> "2572 5313" [label="[]", style=solid]; +"2569 5305" -> "2570 5307" [label="[]", style=solid]; +"2570 5307" -> "2571 5308" [label="[]", style=solid]; +"2570 5307" -> "3576 5318" [label="[]", style=solid]; +"2571 5308" -> "2572 5313" [label="[]", style=solid]; +"2572 5313" -> "2573 5315" [label="[-1, 3]", style=dashed]; +"2573 5315" -> "2574 5316" [label="[-1, 1]", style=dashed]; +"2574 5316" -> "2575 5320" [label="[-1]", style=dashed]; +"2574 5316" -> "3575 5317" [label="[-1]", style=dashed]; +"2575 5320" -> "3512 6520" [label="[]", style=solid]; +"2576 5246" -> "2577 5248" [label="[]", style=dashed]; +"2577 5248" -> "2578 5249" [label="[]", style=dashed]; +"2578 5249" -> "2579 5250" [label="[]", style=solid]; +"2579 5250" -> "2580 5251" [label="[-1, -1]", style=dashed]; +"2580 5251" -> "2581 5252" [label="[-1, -1]", style=dashed]; +"2581 5252" -> "2582 5255" [label="[-1]", style=dashed]; +"2581 5252" -> "2588 5263" [label="[-1]", style=dashed]; +"2582 5255" -> "2584 5256" [label="[-1]", style=dashed]; +"2583 5254" -> "2584 5256" [label="[]", style=solid]; +"2584 5256" -> "2585 5265" [label="[]", style=solid]; +"2584 5256" -> "2593 5276" [label="[]", style=solid]; +"2585 5265" -> "2586 5266" [label="[]", style=solid]; +"2586 5266" -> "2590 5269" [label="[]", style=solid]; +"2587 5261" -> "2588 5263" [label="[]", style=solid]; +"2588 5263" -> "2589 5264" [label="[]", style=solid]; +"2588 5263" -> "3578 5274" [label="[]", style=solid]; +"2589 5264" -> "2590 5269" [label="[]", style=solid]; +"2590 5269" -> "2591 5271" [label="[-1, 3]", style=dashed]; +"2591 5271" -> "2592 5272" [label="[-1, 1]", style=dashed]; +"2592 5272" -> "2593 5276" [label="[-1]", style=dashed]; +"2592 5272" -> "3577 5273" [label="[-1]", style=dashed]; +"2593 5276" -> "3512 6520" [label="[]", style=solid]; +"2594 5202" -> "2595 5204" [label="[]", style=dashed]; +"2595 5204" -> "2596 5205" [label="[]", style=dashed]; +"2596 5205" -> "2597 5206" [label="[]", style=solid]; +"2597 5206" -> "2598 5207" [label="[-1, -1]", style=dashed]; +"2598 5207" -> "2599 5208" [label="[-1, -1]", style=dashed]; +"2599 5208" -> "2600 5211" [label="[-1]", style=dashed]; +"2599 5208" -> "2606 5219" [label="[-1]", style=dashed]; +"2600 5211" -> "2602 5212" [label="[-1]", style=dashed]; +"2601 5210" -> "2602 5212" [label="[]", style=solid]; +"2602 5212" -> "2603 5221" [label="[]", style=solid]; +"2602 5212" -> "2611 5232" [label="[]", style=solid]; +"2603 5221" -> "2604 5222" [label="[]", style=solid]; +"2604 5222" -> "2608 5225" [label="[]", style=solid]; +"2605 5217" -> "2606 5219" [label="[]", style=solid]; +"2606 5219" -> "2607 5220" [label="[]", style=solid]; +"2606 5219" -> "3580 5230" [label="[]", style=solid]; +"2607 5220" -> "2608 5225" [label="[]", style=solid]; +"2608 5225" -> "2609 5227" [label="[-1, 3]", style=dashed]; +"2609 5227" -> "2610 5228" [label="[-1, 1]", style=dashed]; +"2610 5228" -> "2611 5232" [label="[-1]", style=dashed]; +"2610 5228" -> "3579 5229" [label="[-1]", style=dashed]; +"2611 5232" -> "3512 6520" [label="[]", style=solid]; +"2612 5158" -> "2613 5160" [label="[]", style=dashed]; +"2613 5160" -> "2614 5161" [label="[]", style=dashed]; +"2614 5161" -> "2615 5162" [label="[]", style=solid]; +"2615 5162" -> "2616 5163" [label="[-1, -1]", style=dashed]; +"2616 5163" -> "2617 5164" [label="[-1, -1]", style=dashed]; +"2617 5164" -> "2618 5167" [label="[-1]", style=dashed]; +"2617 5164" -> "2624 5175" [label="[-1]", style=dashed]; +"2618 5167" -> "2620 5168" [label="[-1]", style=dashed]; +"2619 5166" -> "2620 5168" [label="[]", style=solid]; +"2620 5168" -> "2621 5177" [label="[]", style=solid]; +"2620 5168" -> "2629 5188" [label="[]", style=solid]; +"2621 5177" -> "2622 5178" [label="[]", style=solid]; +"2622 5178" -> "2626 5181" [label="[]", style=solid]; +"2623 5173" -> "2624 5175" [label="[]", style=solid]; +"2624 5175" -> "2625 5176" [label="[]", style=solid]; +"2624 5175" -> "3582 5186" [label="[]", style=solid]; +"2625 5176" -> "2626 5181" [label="[]", style=solid]; +"2626 5181" -> "2627 5183" [label="[-1, 3]", style=dashed]; +"2627 5183" -> "2628 5184" [label="[-1, 1]", style=dashed]; +"2628 5184" -> "2629 5188" [label="[-1]", style=dashed]; +"2628 5184" -> "3581 5185" [label="[-1]", style=dashed]; +"2629 5188" -> "3512 6520" [label="[]", style=solid]; +"2630 5114" -> "2631 5116" [label="[]", style=dashed]; +"2631 5116" -> "2632 5117" [label="[]", style=dashed]; +"2632 5117" -> "2633 5118" [label="[]", style=solid]; +"2633 5118" -> "2634 5119" [label="[-1, -1]", style=dashed]; +"2634 5119" -> "2635 5120" [label="[-1, -1]", style=dashed]; +"2635 5120" -> "2636 5123" [label="[-1]", style=dashed]; +"2635 5120" -> "2642 5131" [label="[-1]", style=dashed]; +"2636 5123" -> "2638 5124" [label="[-1]", style=dashed]; +"2637 5122" -> "2638 5124" [label="[]", style=solid]; +"2638 5124" -> "2639 5133" [label="[]", style=solid]; +"2638 5124" -> "2647 5144" [label="[]", style=solid]; +"2639 5133" -> "2640 5134" [label="[]", style=solid]; +"2640 5134" -> "2644 5137" [label="[]", style=solid]; +"2641 5129" -> "2642 5131" [label="[]", style=solid]; +"2642 5131" -> "2643 5132" [label="[]", style=solid]; +"2642 5131" -> "3584 5142" [label="[]", style=solid]; +"2643 5132" -> "2644 5137" [label="[]", style=solid]; +"2644 5137" -> "2645 5139" [label="[-1, 3]", style=dashed]; +"2645 5139" -> "2646 5140" [label="[-1, 1]", style=dashed]; +"2646 5140" -> "2647 5144" [label="[-1]", style=dashed]; +"2646 5140" -> "3583 5141" [label="[-1]", style=dashed]; +"2647 5144" -> "3512 6520" [label="[]", style=solid]; +"2648 5070" -> "2649 5072" [label="[]", style=dashed]; +"2649 5072" -> "2650 5073" [label="[]", style=dashed]; +"2650 5073" -> "2651 5074" [label="[]", style=solid]; +"2651 5074" -> "2652 5075" [label="[-1, -1]", style=dashed]; +"2652 5075" -> "2653 5076" [label="[-1, -1]", style=dashed]; +"2653 5076" -> "2654 5079" [label="[-1]", style=dashed]; +"2653 5076" -> "2660 5087" [label="[-1]", style=dashed]; +"2654 5079" -> "2656 5080" [label="[-1]", style=dashed]; +"2655 5078" -> "2656 5080" [label="[]", style=solid]; +"2656 5080" -> "2657 5089" [label="[]", style=solid]; +"2656 5080" -> "2665 5100" [label="[]", style=solid]; +"2657 5089" -> "2658 5090" [label="[]", style=solid]; +"2658 5090" -> "2662 5093" [label="[]", style=solid]; +"2659 5085" -> "2660 5087" [label="[]", style=solid]; +"2660 5087" -> "2661 5088" [label="[]", style=solid]; +"2660 5087" -> "3586 5098" [label="[]", style=solid]; +"2661 5088" -> "2662 5093" [label="[]", style=solid]; +"2662 5093" -> "2663 5095" [label="[-1, 3]", style=dashed]; +"2663 5095" -> "2664 5096" [label="[-1, 1]", style=dashed]; +"2664 5096" -> "2665 5100" [label="[-1]", style=dashed]; +"2664 5096" -> "3585 5097" [label="[-1]", style=dashed]; +"2665 5100" -> "3512 6520" [label="[]", style=solid]; +"2666 5026" -> "2667 5028" [label="[]", style=dashed]; +"2667 5028" -> "2668 5029" [label="[]", style=dashed]; +"2668 5029" -> "2669 5030" [label="[]", style=solid]; +"2669 5030" -> "2670 5031" [label="[-1, -1]", style=dashed]; +"2670 5031" -> "2671 5032" [label="[-1, -1]", style=dashed]; +"2671 5032" -> "2672 5035" [label="[-1]", style=dashed]; +"2671 5032" -> "2678 5043" [label="[-1]", style=dashed]; +"2672 5035" -> "2674 5036" [label="[-1]", style=dashed]; +"2673 5034" -> "2674 5036" [label="[]", style=solid]; +"2674 5036" -> "2675 5045" [label="[]", style=solid]; +"2674 5036" -> "2683 5056" [label="[]", style=solid]; +"2675 5045" -> "2676 5046" [label="[]", style=solid]; +"2676 5046" -> "2680 5049" [label="[]", style=solid]; +"2677 5041" -> "2678 5043" [label="[]", style=solid]; +"2678 5043" -> "2679 5044" [label="[]", style=solid]; +"2678 5043" -> "3588 5054" [label="[]", style=solid]; +"2679 5044" -> "2680 5049" [label="[]", style=solid]; +"2680 5049" -> "2681 5051" [label="[-1, 3]", style=dashed]; +"2681 5051" -> "2682 5052" [label="[-1, 1]", style=dashed]; +"2682 5052" -> "2683 5056" [label="[-1]", style=dashed]; +"2682 5052" -> "3587 5053" [label="[-1]", style=dashed]; +"2683 5056" -> "3512 6520" [label="[]", style=solid]; +"2684 4982" -> "2685 4984" [label="[]", style=dashed]; +"2685 4984" -> "2686 4985" [label="[]", style=dashed]; +"2686 4985" -> "2687 4986" [label="[]", style=solid]; +"2687 4986" -> "2688 4987" [label="[-1, -1]", style=dashed]; +"2688 4987" -> "2689 4988" [label="[-1, -1]", style=dashed]; +"2689 4988" -> "2690 4991" [label="[-1]", style=dashed]; +"2689 4988" -> "2696 4999" [label="[-1]", style=dashed]; +"2690 4991" -> "2692 4992" [label="[-1]", style=dashed]; +"2691 4990" -> "2692 4992" [label="[]", style=solid]; +"2692 4992" -> "2693 5001" [label="[]", style=solid]; +"2692 4992" -> "2701 5012" [label="[]", style=solid]; +"2693 5001" -> "2694 5002" [label="[]", style=solid]; +"2694 5002" -> "2698 5005" [label="[]", style=solid]; +"2695 4997" -> "2696 4999" [label="[]", style=solid]; +"2696 4999" -> "2697 5000" [label="[]", style=solid]; +"2696 4999" -> "3590 5010" [label="[]", style=solid]; +"2697 5000" -> "2698 5005" [label="[]", style=solid]; +"2698 5005" -> "2699 5007" [label="[-1, 3]", style=dashed]; +"2699 5007" -> "2700 5008" [label="[-1, 1]", style=dashed]; +"2700 5008" -> "2701 5012" [label="[-1]", style=dashed]; +"2700 5008" -> "3589 5009" [label="[-1]", style=dashed]; +"2701 5012" -> "3512 6520" [label="[]", style=solid]; +"2702 4938" -> "2703 4940" [label="[]", style=dashed]; +"2703 4940" -> "2704 4941" [label="[]", style=dashed]; +"2704 4941" -> "2705 4942" [label="[]", style=solid]; +"2705 4942" -> "2706 4943" [label="[-1, -1]", style=dashed]; +"2706 4943" -> "2707 4944" [label="[-1, -1]", style=dashed]; +"2707 4944" -> "2708 4947" [label="[-1]", style=dashed]; +"2707 4944" -> "2714 4955" [label="[-1]", style=dashed]; +"2708 4947" -> "2710 4948" [label="[-1]", style=dashed]; +"2709 4946" -> "2710 4948" [label="[]", style=solid]; +"2710 4948" -> "2711 4957" [label="[]", style=solid]; +"2710 4948" -> "2719 4968" [label="[]", style=solid]; +"2711 4957" -> "2712 4958" [label="[]", style=solid]; +"2712 4958" -> "2716 4961" [label="[]", style=solid]; +"2713 4953" -> "2714 4955" [label="[]", style=solid]; +"2714 4955" -> "2715 4956" [label="[]", style=solid]; +"2714 4955" -> "3592 4966" [label="[]", style=solid]; +"2715 4956" -> "2716 4961" [label="[]", style=solid]; +"2716 4961" -> "2717 4963" [label="[-1, 3]", style=dashed]; +"2717 4963" -> "2718 4964" [label="[-1, 1]", style=dashed]; +"2718 4964" -> "2719 4968" [label="[-1]", style=dashed]; +"2718 4964" -> "3591 4965" [label="[-1]", style=dashed]; +"2719 4968" -> "3512 6520" [label="[]", style=solid]; +"2720 4894" -> "2721 4896" [label="[]", style=dashed]; +"2721 4896" -> "2722 4897" [label="[]", style=dashed]; +"2722 4897" -> "2723 4898" [label="[]", style=solid]; +"2723 4898" -> "2724 4899" [label="[-1, -1]", style=dashed]; +"2724 4899" -> "2725 4900" [label="[-1, -1]", style=dashed]; +"2725 4900" -> "2726 4903" [label="[-1]", style=dashed]; +"2725 4900" -> "2732 4911" [label="[-1]", style=dashed]; +"2726 4903" -> "2728 4904" [label="[-1]", style=dashed]; +"2727 4902" -> "2728 4904" [label="[]", style=solid]; +"2728 4904" -> "2729 4913" [label="[]", style=solid]; +"2728 4904" -> "2737 4924" [label="[]", style=solid]; +"2729 4913" -> "2730 4914" [label="[]", style=solid]; +"2730 4914" -> "2734 4917" [label="[]", style=solid]; +"2731 4909" -> "2732 4911" [label="[]", style=solid]; +"2732 4911" -> "2733 4912" [label="[]", style=solid]; +"2732 4911" -> "3594 4922" [label="[]", style=solid]; +"2733 4912" -> "2734 4917" [label="[]", style=solid]; +"2734 4917" -> "2735 4919" [label="[-1, 3]", style=dashed]; +"2735 4919" -> "2736 4920" [label="[-1, 1]", style=dashed]; +"2736 4920" -> "2737 4924" [label="[-1]", style=dashed]; +"2736 4920" -> "3593 4921" [label="[-1]", style=dashed]; +"2737 4924" -> "3512 6520" [label="[]", style=solid]; +"2738 4850" -> "2739 4852" [label="[]", style=dashed]; +"2739 4852" -> "2740 4853" [label="[]", style=dashed]; +"2740 4853" -> "2741 4854" [label="[]", style=solid]; +"2741 4854" -> "2742 4855" [label="[-1, -1]", style=dashed]; +"2742 4855" -> "2743 4856" [label="[-1, -1]", style=dashed]; +"2743 4856" -> "2744 4859" [label="[-1]", style=dashed]; +"2743 4856" -> "2750 4867" [label="[-1]", style=dashed]; +"2744 4859" -> "2746 4860" [label="[-1]", style=dashed]; +"2745 4858" -> "2746 4860" [label="[]", style=solid]; +"2746 4860" -> "2747 4869" [label="[]", style=solid]; +"2746 4860" -> "2755 4880" [label="[]", style=solid]; +"2747 4869" -> "2748 4870" [label="[]", style=solid]; +"2748 4870" -> "2752 4873" [label="[]", style=solid]; +"2749 4865" -> "2750 4867" [label="[]", style=solid]; +"2750 4867" -> "2751 4868" [label="[]", style=solid]; +"2750 4867" -> "3596 4878" [label="[]", style=solid]; +"2751 4868" -> "2752 4873" [label="[]", style=solid]; +"2752 4873" -> "2753 4875" [label="[-1, 3]", style=dashed]; +"2753 4875" -> "2754 4876" [label="[-1, 1]", style=dashed]; +"2754 4876" -> "2755 4880" [label="[-1]", style=dashed]; +"2754 4876" -> "3595 4877" [label="[-1]", style=dashed]; +"2755 4880" -> "3512 6520" [label="[]", style=solid]; +"2756 4806" -> "2757 4808" [label="[]", style=dashed]; +"2757 4808" -> "2758 4809" [label="[]", style=dashed]; +"2758 4809" -> "2759 4810" [label="[]", style=solid]; +"2759 4810" -> "2760 4811" [label="[-1, -1]", style=dashed]; +"2760 4811" -> "2761 4812" [label="[-1, -1]", style=dashed]; +"2761 4812" -> "2762 4815" [label="[-1]", style=dashed]; +"2761 4812" -> "2768 4823" [label="[-1]", style=dashed]; +"2762 4815" -> "2764 4816" [label="[-1]", style=dashed]; +"2763 4814" -> "2764 4816" [label="[]", style=solid]; +"2764 4816" -> "2765 4825" [label="[]", style=solid]; +"2764 4816" -> "2773 4836" [label="[]", style=solid]; +"2765 4825" -> "2766 4826" [label="[]", style=solid]; +"2766 4826" -> "2770 4829" [label="[]", style=solid]; +"2767 4821" -> "2768 4823" [label="[]", style=solid]; +"2768 4823" -> "2769 4824" [label="[]", style=solid]; +"2768 4823" -> "3598 4834" [label="[]", style=solid]; +"2769 4824" -> "2770 4829" [label="[]", style=solid]; +"2770 4829" -> "2771 4831" [label="[-1, 3]", style=dashed]; +"2771 4831" -> "2772 4832" [label="[-1, 1]", style=dashed]; +"2772 4832" -> "2773 4836" [label="[-1]", style=dashed]; +"2772 4832" -> "3597 4833" [label="[-1]", style=dashed]; +"2773 4836" -> "3512 6520" [label="[]", style=solid]; +"2774 4762" -> "2775 4764" [label="[]", style=dashed]; +"2775 4764" -> "2776 4765" [label="[]", style=dashed]; +"2776 4765" -> "2777 4766" [label="[]", style=solid]; +"2777 4766" -> "2778 4767" [label="[-1, -1]", style=dashed]; +"2778 4767" -> "2779 4768" [label="[-1, -1]", style=dashed]; +"2779 4768" -> "2780 4771" [label="[-1]", style=dashed]; +"2779 4768" -> "2786 4779" [label="[-1]", style=dashed]; +"2780 4771" -> "2782 4772" [label="[-1]", style=dashed]; +"2781 4770" -> "2782 4772" [label="[]", style=solid]; +"2782 4772" -> "2783 4781" [label="[]", style=solid]; +"2782 4772" -> "2791 4792" [label="[]", style=solid]; +"2783 4781" -> "2784 4782" [label="[]", style=solid]; +"2784 4782" -> "2788 4785" [label="[]", style=solid]; +"2785 4777" -> "2786 4779" [label="[]", style=solid]; +"2786 4779" -> "2787 4780" [label="[]", style=solid]; +"2786 4779" -> "3600 4790" [label="[]", style=solid]; +"2787 4780" -> "2788 4785" [label="[]", style=solid]; +"2788 4785" -> "2789 4787" [label="[-1, 3]", style=dashed]; +"2789 4787" -> "2790 4788" [label="[-1, 1]", style=dashed]; +"2790 4788" -> "2791 4792" [label="[-1]", style=dashed]; +"2790 4788" -> "3599 4789" [label="[-1]", style=dashed]; +"2791 4792" -> "3512 6520" [label="[]", style=solid]; +"2792 4718" -> "2793 4720" [label="[]", style=dashed]; +"2793 4720" -> "2794 4721" [label="[]", style=dashed]; +"2794 4721" -> "2795 4722" [label="[]", style=solid]; +"2795 4722" -> "2796 4723" [label="[-1, -1]", style=dashed]; +"2796 4723" -> "2797 4724" [label="[-1, -1]", style=dashed]; +"2797 4724" -> "2798 4727" [label="[-1]", style=dashed]; +"2797 4724" -> "2804 4735" [label="[-1]", style=dashed]; +"2798 4727" -> "2800 4728" [label="[-1]", style=dashed]; +"2799 4726" -> "2800 4728" [label="[]", style=solid]; +"2800 4728" -> "2801 4737" [label="[]", style=solid]; +"2800 4728" -> "2809 4748" [label="[]", style=solid]; +"2801 4737" -> "2802 4738" [label="[]", style=solid]; +"2802 4738" -> "2806 4741" [label="[]", style=solid]; +"2803 4733" -> "2804 4735" [label="[]", style=solid]; +"2804 4735" -> "2805 4736" [label="[]", style=solid]; +"2804 4735" -> "3602 4746" [label="[]", style=solid]; +"2805 4736" -> "2806 4741" [label="[]", style=solid]; +"2806 4741" -> "2807 4743" [label="[-1, 3]", style=dashed]; +"2807 4743" -> "2808 4744" [label="[-1, 1]", style=dashed]; +"2808 4744" -> "2809 4748" [label="[-1]", style=dashed]; +"2808 4744" -> "3601 4745" [label="[-1]", style=dashed]; +"2809 4748" -> "3512 6520" [label="[]", style=solid]; +"2810 4674" -> "2811 4676" [label="[]", style=dashed]; +"2811 4676" -> "2812 4677" [label="[]", style=dashed]; +"2812 4677" -> "2813 4678" [label="[]", style=solid]; +"2813 4678" -> "2814 4679" [label="[-1, -1]", style=dashed]; +"2814 4679" -> "2815 4680" [label="[-1, -1]", style=dashed]; +"2815 4680" -> "2816 4683" [label="[-1]", style=dashed]; +"2815 4680" -> "2822 4691" [label="[-1]", style=dashed]; +"2816 4683" -> "2818 4684" [label="[-1]", style=dashed]; +"2817 4682" -> "2818 4684" [label="[]", style=solid]; +"2818 4684" -> "2819 4693" [label="[]", style=solid]; +"2818 4684" -> "2827 4704" [label="[]", style=solid]; +"2819 4693" -> "2820 4694" [label="[]", style=solid]; +"2820 4694" -> "2824 4697" [label="[]", style=solid]; +"2821 4689" -> "2822 4691" [label="[]", style=solid]; +"2822 4691" -> "2823 4692" [label="[]", style=solid]; +"2822 4691" -> "3604 4702" [label="[]", style=solid]; +"2823 4692" -> "2824 4697" [label="[]", style=solid]; +"2824 4697" -> "2825 4699" [label="[-1, 3]", style=dashed]; +"2825 4699" -> "2826 4700" [label="[-1, 1]", style=dashed]; +"2826 4700" -> "2827 4704" [label="[-1]", style=dashed]; +"2826 4700" -> "3603 4701" [label="[-1]", style=dashed]; +"2827 4704" -> "3512 6520" [label="[]", style=solid]; +"2828 4630" -> "2829 4632" [label="[]", style=dashed]; +"2829 4632" -> "2830 4633" [label="[]", style=dashed]; +"2830 4633" -> "2831 4634" [label="[]", style=solid]; +"2831 4634" -> "2832 4635" [label="[-1, -1]", style=dashed]; +"2832 4635" -> "2833 4636" [label="[-1, -1]", style=dashed]; +"2833 4636" -> "2834 4639" [label="[-1]", style=dashed]; +"2833 4636" -> "2840 4647" [label="[-1]", style=dashed]; +"2834 4639" -> "2836 4640" [label="[-1]", style=dashed]; +"2835 4638" -> "2836 4640" [label="[]", style=solid]; +"2836 4640" -> "2837 4649" [label="[]", style=solid]; +"2836 4640" -> "2845 4660" [label="[]", style=solid]; +"2837 4649" -> "2838 4650" [label="[]", style=solid]; +"2838 4650" -> "2842 4653" [label="[]", style=solid]; +"2839 4645" -> "2840 4647" [label="[]", style=solid]; +"2840 4647" -> "2841 4648" [label="[]", style=solid]; +"2840 4647" -> "3606 4658" [label="[]", style=solid]; +"2841 4648" -> "2842 4653" [label="[]", style=solid]; +"2842 4653" -> "2843 4655" [label="[-1, 3]", style=dashed]; +"2843 4655" -> "2844 4656" [label="[-1, 1]", style=dashed]; +"2844 4656" -> "2845 4660" [label="[-1]", style=dashed]; +"2844 4656" -> "3605 4657" [label="[-1]", style=dashed]; +"2845 4660" -> "3512 6520" [label="[]", style=solid]; +"2846 4586" -> "2847 4588" [label="[]", style=dashed]; +"2847 4588" -> "2848 4589" [label="[]", style=dashed]; +"2848 4589" -> "2849 4590" [label="[]", style=solid]; +"2849 4590" -> "2850 4591" [label="[-1, -1]", style=dashed]; +"2850 4591" -> "2851 4592" [label="[-1, -1]", style=dashed]; +"2851 4592" -> "2852 4595" [label="[-1]", style=dashed]; +"2851 4592" -> "2858 4603" [label="[-1]", style=dashed]; +"2852 4595" -> "2854 4596" [label="[-1]", style=dashed]; +"2853 4594" -> "2854 4596" [label="[]", style=solid]; +"2854 4596" -> "2855 4605" [label="[]", style=solid]; +"2854 4596" -> "2863 4616" [label="[]", style=solid]; +"2855 4605" -> "2856 4606" [label="[]", style=solid]; +"2856 4606" -> "2860 4609" [label="[]", style=solid]; +"2857 4601" -> "2858 4603" [label="[]", style=solid]; +"2858 4603" -> "2859 4604" [label="[]", style=solid]; +"2858 4603" -> "3608 4614" [label="[]", style=solid]; +"2859 4604" -> "2860 4609" [label="[]", style=solid]; +"2860 4609" -> "2861 4611" [label="[-1, 3]", style=dashed]; +"2861 4611" -> "2862 4612" [label="[-1, 1]", style=dashed]; +"2862 4612" -> "2863 4616" [label="[-1]", style=dashed]; +"2862 4612" -> "3607 4613" [label="[-1]", style=dashed]; +"2863 4616" -> "3512 6520" [label="[]", style=solid]; +"2864 4542" -> "2865 4544" [label="[]", style=dashed]; +"2865 4544" -> "2866 4545" [label="[]", style=dashed]; +"2866 4545" -> "2867 4546" [label="[]", style=solid]; +"2867 4546" -> "2868 4547" [label="[-1, -1]", style=dashed]; +"2868 4547" -> "2869 4548" [label="[-1, -1]", style=dashed]; +"2869 4548" -> "2870 4551" [label="[-1]", style=dashed]; +"2869 4548" -> "2876 4559" [label="[-1]", style=dashed]; +"2870 4551" -> "2872 4552" [label="[-1]", style=dashed]; +"2871 4550" -> "2872 4552" [label="[]", style=solid]; +"2872 4552" -> "2873 4561" [label="[]", style=solid]; +"2872 4552" -> "2881 4572" [label="[]", style=solid]; +"2873 4561" -> "2874 4562" [label="[]", style=solid]; +"2874 4562" -> "2878 4565" [label="[]", style=solid]; +"2875 4557" -> "2876 4559" [label="[]", style=solid]; +"2876 4559" -> "2877 4560" [label="[]", style=solid]; +"2876 4559" -> "3610 4570" [label="[]", style=solid]; +"2877 4560" -> "2878 4565" [label="[]", style=solid]; +"2878 4565" -> "2879 4567" [label="[-1, 3]", style=dashed]; +"2879 4567" -> "2880 4568" [label="[-1, 1]", style=dashed]; +"2880 4568" -> "2881 4572" [label="[-1]", style=dashed]; +"2880 4568" -> "3609 4569" [label="[-1]", style=dashed]; +"2881 4572" -> "3512 6520" [label="[]", style=solid]; +"2882 4498" -> "2883 4500" [label="[]", style=dashed]; +"2883 4500" -> "2884 4501" [label="[]", style=dashed]; +"2884 4501" -> "2885 4502" [label="[]", style=solid]; +"2885 4502" -> "2886 4503" [label="[-1, -1]", style=dashed]; +"2886 4503" -> "2887 4504" [label="[-1, -1]", style=dashed]; +"2887 4504" -> "2888 4507" [label="[-1]", style=dashed]; +"2887 4504" -> "2894 4515" [label="[-1]", style=dashed]; +"2888 4507" -> "2890 4508" [label="[-1]", style=dashed]; +"2889 4506" -> "2890 4508" [label="[]", style=solid]; +"2890 4508" -> "2891 4517" [label="[]", style=solid]; +"2890 4508" -> "2899 4528" [label="[]", style=solid]; +"2891 4517" -> "2892 4518" [label="[]", style=solid]; +"2892 4518" -> "2896 4521" [label="[]", style=solid]; +"2893 4513" -> "2894 4515" [label="[]", style=solid]; +"2894 4515" -> "2895 4516" [label="[]", style=solid]; +"2894 4515" -> "3612 4526" [label="[]", style=solid]; +"2895 4516" -> "2896 4521" [label="[]", style=solid]; +"2896 4521" -> "2897 4523" [label="[-1, 3]", style=dashed]; +"2897 4523" -> "2898 4524" [label="[-1, 1]", style=dashed]; +"2898 4524" -> "2899 4528" [label="[-1]", style=dashed]; +"2898 4524" -> "3611 4525" [label="[-1]", style=dashed]; +"2899 4528" -> "3512 6520" [label="[]", style=solid]; +"2900 4454" -> "2901 4456" [label="[]", style=dashed]; +"2901 4456" -> "2902 4457" [label="[]", style=dashed]; +"2902 4457" -> "2903 4458" [label="[]", style=solid]; +"2903 4458" -> "2904 4459" [label="[-1, -1]", style=dashed]; +"2904 4459" -> "2905 4460" [label="[-1, -1]", style=dashed]; +"2905 4460" -> "2906 4463" [label="[-1]", style=dashed]; +"2905 4460" -> "2912 4471" [label="[-1]", style=dashed]; +"2906 4463" -> "2908 4464" [label="[-1]", style=dashed]; +"2907 4462" -> "2908 4464" [label="[]", style=solid]; +"2908 4464" -> "2909 4473" [label="[]", style=solid]; +"2908 4464" -> "2917 4484" [label="[]", style=solid]; +"2909 4473" -> "2910 4474" [label="[]", style=solid]; +"2910 4474" -> "2914 4477" [label="[]", style=solid]; +"2911 4469" -> "2912 4471" [label="[]", style=solid]; +"2912 4471" -> "2913 4472" [label="[]", style=solid]; +"2912 4471" -> "3614 4482" [label="[]", style=solid]; +"2913 4472" -> "2914 4477" [label="[]", style=solid]; +"2914 4477" -> "2915 4479" [label="[-1, 3]", style=dashed]; +"2915 4479" -> "2916 4480" [label="[-1, 1]", style=dashed]; +"2916 4480" -> "2917 4484" [label="[-1]", style=dashed]; +"2916 4480" -> "3613 4481" [label="[-1]", style=dashed]; +"2917 4484" -> "3512 6520" [label="[]", style=solid]; +"2918 4410" -> "2919 4412" [label="[]", style=dashed]; +"2919 4412" -> "2920 4413" [label="[]", style=dashed]; +"2920 4413" -> "2921 4414" [label="[]", style=solid]; +"2921 4414" -> "2922 4415" [label="[-1, -1]", style=dashed]; +"2922 4415" -> "2923 4416" [label="[-1, -1]", style=dashed]; +"2923 4416" -> "2924 4419" [label="[-1]", style=dashed]; +"2923 4416" -> "2930 4427" [label="[-1]", style=dashed]; +"2924 4419" -> "2926 4420" [label="[-1]", style=dashed]; +"2925 4418" -> "2926 4420" [label="[]", style=solid]; +"2926 4420" -> "2927 4429" [label="[]", style=solid]; +"2926 4420" -> "2935 4440" [label="[]", style=solid]; +"2927 4429" -> "2928 4430" [label="[]", style=solid]; +"2928 4430" -> "2932 4433" [label="[]", style=solid]; +"2929 4425" -> "2930 4427" [label="[]", style=solid]; +"2930 4427" -> "2931 4428" [label="[]", style=solid]; +"2930 4427" -> "3616 4438" [label="[]", style=solid]; +"2931 4428" -> "2932 4433" [label="[]", style=solid]; +"2932 4433" -> "2933 4435" [label="[-1, 3]", style=dashed]; +"2933 4435" -> "2934 4436" [label="[-1, 1]", style=dashed]; +"2934 4436" -> "2935 4440" [label="[-1]", style=dashed]; +"2934 4436" -> "3615 4437" [label="[-1]", style=dashed]; +"2935 4440" -> "3512 6520" [label="[]", style=solid]; +"2936 4366" -> "2937 4368" [label="[]", style=dashed]; +"2937 4368" -> "2938 4369" [label="[]", style=dashed]; +"2938 4369" -> "2939 4370" [label="[]", style=solid]; +"2939 4370" -> "2940 4371" [label="[-1, -1]", style=dashed]; +"2940 4371" -> "2941 4372" [label="[-1, -1]", style=dashed]; +"2941 4372" -> "2942 4375" [label="[-1]", style=dashed]; +"2941 4372" -> "2948 4383" [label="[-1]", style=dashed]; +"2942 4375" -> "2944 4376" [label="[-1]", style=dashed]; +"2943 4374" -> "2944 4376" [label="[]", style=solid]; +"2944 4376" -> "2945 4385" [label="[]", style=solid]; +"2944 4376" -> "2953 4396" [label="[]", style=solid]; +"2945 4385" -> "2946 4386" [label="[]", style=solid]; +"2946 4386" -> "2950 4389" [label="[]", style=solid]; +"2947 4381" -> "2948 4383" [label="[]", style=solid]; +"2948 4383" -> "2949 4384" [label="[]", style=solid]; +"2948 4383" -> "3618 4394" [label="[]", style=solid]; +"2949 4384" -> "2950 4389" [label="[]", style=solid]; +"2950 4389" -> "2951 4391" [label="[-1, 3]", style=dashed]; +"2951 4391" -> "2952 4392" [label="[-1, 1]", style=dashed]; +"2952 4392" -> "2953 4396" [label="[-1]", style=dashed]; +"2952 4392" -> "3617 4393" [label="[-1]", style=dashed]; +"2953 4396" -> "3512 6520" [label="[]", style=solid]; +"2954 4322" -> "2955 4324" [label="[]", style=dashed]; +"2955 4324" -> "2956 4325" [label="[]", style=dashed]; +"2956 4325" -> "2957 4326" [label="[]", style=solid]; +"2957 4326" -> "2958 4327" [label="[-1, -1]", style=dashed]; +"2958 4327" -> "2959 4328" [label="[-1, -1]", style=dashed]; +"2959 4328" -> "2960 4331" [label="[-1]", style=dashed]; +"2959 4328" -> "2966 4339" [label="[-1]", style=dashed]; +"2960 4331" -> "2962 4332" [label="[-1]", style=dashed]; +"2961 4330" -> "2962 4332" [label="[]", style=solid]; +"2962 4332" -> "2963 4341" [label="[]", style=solid]; +"2962 4332" -> "2971 4352" [label="[]", style=solid]; +"2963 4341" -> "2964 4342" [label="[]", style=solid]; +"2964 4342" -> "2968 4345" [label="[]", style=solid]; +"2965 4337" -> "2966 4339" [label="[]", style=solid]; +"2966 4339" -> "2967 4340" [label="[]", style=solid]; +"2966 4339" -> "3620 4350" [label="[]", style=solid]; +"2967 4340" -> "2968 4345" [label="[]", style=solid]; +"2968 4345" -> "2969 4347" [label="[-1, 3]", style=dashed]; +"2969 4347" -> "2970 4348" [label="[-1, 1]", style=dashed]; +"2970 4348" -> "2971 4352" [label="[-1]", style=dashed]; +"2970 4348" -> "3619 4349" [label="[-1]", style=dashed]; +"2971 4352" -> "3512 6520" [label="[]", style=solid]; +"2972 4278" -> "2973 4280" [label="[]", style=dashed]; +"2973 4280" -> "2974 4281" [label="[]", style=dashed]; +"2974 4281" -> "2975 4282" [label="[]", style=solid]; +"2975 4282" -> "2976 4283" [label="[-1, -1]", style=dashed]; +"2976 4283" -> "2977 4284" [label="[-1, -1]", style=dashed]; +"2977 4284" -> "2978 4287" [label="[-1]", style=dashed]; +"2977 4284" -> "2984 4295" [label="[-1]", style=dashed]; +"2978 4287" -> "2980 4288" [label="[-1]", style=dashed]; +"2979 4286" -> "2980 4288" [label="[]", style=solid]; +"2980 4288" -> "2981 4297" [label="[]", style=solid]; +"2980 4288" -> "2989 4308" [label="[]", style=solid]; +"2981 4297" -> "2982 4298" [label="[]", style=solid]; +"2982 4298" -> "2986 4301" [label="[]", style=solid]; +"2983 4293" -> "2984 4295" [label="[]", style=solid]; +"2984 4295" -> "2985 4296" [label="[]", style=solid]; +"2984 4295" -> "3622 4306" [label="[]", style=solid]; +"2985 4296" -> "2986 4301" [label="[]", style=solid]; +"2986 4301" -> "2987 4303" [label="[-1, 3]", style=dashed]; +"2987 4303" -> "2988 4304" [label="[-1, 1]", style=dashed]; +"2988 4304" -> "2989 4308" [label="[-1]", style=dashed]; +"2988 4304" -> "3621 4305" [label="[-1]", style=dashed]; +"2989 4308" -> "3512 6520" [label="[]", style=solid]; +"2990 4234" -> "2991 4236" [label="[]", style=dashed]; +"2991 4236" -> "2992 4237" [label="[]", style=dashed]; +"2992 4237" -> "2993 4238" [label="[]", style=solid]; +"2993 4238" -> "2994 4239" [label="[-1, -1]", style=dashed]; +"2994 4239" -> "2995 4240" [label="[-1, -1]", style=dashed]; +"2995 4240" -> "2996 4243" [label="[-1]", style=dashed]; +"2995 4240" -> "3002 4251" [label="[-1]", style=dashed]; +"2996 4243" -> "2998 4244" [label="[-1]", style=dashed]; +"2997 4242" -> "2998 4244" [label="[]", style=solid]; +"2998 4244" -> "2999 4253" [label="[]", style=solid]; +"2998 4244" -> "3007 4264" [label="[]", style=solid]; +"2999 4253" -> "3000 4254" [label="[]", style=solid]; +"3000 4254" -> "3004 4257" [label="[]", style=solid]; +"3001 4249" -> "3002 4251" [label="[]", style=solid]; +"3002 4251" -> "3003 4252" [label="[]", style=solid]; +"3002 4251" -> "3624 4262" [label="[]", style=solid]; +"3003 4252" -> "3004 4257" [label="[]", style=solid]; +"3004 4257" -> "3005 4259" [label="[-1, 3]", style=dashed]; +"3005 4259" -> "3006 4260" [label="[-1, 1]", style=dashed]; +"3006 4260" -> "3007 4264" [label="[-1]", style=dashed]; +"3006 4260" -> "3623 4261" [label="[-1]", style=dashed]; +"3007 4264" -> "3512 6520" [label="[]", style=solid]; +"3008 4190" -> "3009 4192" [label="[]", style=dashed]; +"3009 4192" -> "3010 4193" [label="[]", style=dashed]; +"3010 4193" -> "3011 4194" [label="[]", style=solid]; +"3011 4194" -> "3012 4195" [label="[-1, -1]", style=dashed]; +"3012 4195" -> "3013 4196" [label="[-1, -1]", style=dashed]; +"3013 4196" -> "3014 4199" [label="[-1]", style=dashed]; +"3013 4196" -> "3020 4207" [label="[-1]", style=dashed]; +"3014 4199" -> "3016 4200" [label="[-1]", style=dashed]; +"3015 4198" -> "3016 4200" [label="[]", style=solid]; +"3016 4200" -> "3017 4209" [label="[]", style=solid]; +"3016 4200" -> "3025 4220" [label="[]", style=solid]; +"3017 4209" -> "3018 4210" [label="[]", style=solid]; +"3018 4210" -> "3022 4213" [label="[]", style=solid]; +"3019 4205" -> "3020 4207" [label="[]", style=solid]; +"3020 4207" -> "3021 4208" [label="[]", style=solid]; +"3020 4207" -> "3626 4218" [label="[]", style=solid]; +"3021 4208" -> "3022 4213" [label="[]", style=solid]; +"3022 4213" -> "3023 4215" [label="[-1, 3]", style=dashed]; +"3023 4215" -> "3024 4216" [label="[-1, 1]", style=dashed]; +"3024 4216" -> "3025 4220" [label="[-1]", style=dashed]; +"3024 4216" -> "3625 4217" [label="[-1]", style=dashed]; +"3025 4220" -> "3512 6520" [label="[]", style=solid]; +"3026 4146" -> "3027 4148" [label="[]", style=dashed]; +"3027 4148" -> "3028 4149" [label="[]", style=dashed]; +"3028 4149" -> "3029 4150" [label="[]", style=solid]; +"3029 4150" -> "3030 4151" [label="[-1, -1]", style=dashed]; +"3030 4151" -> "3031 4152" [label="[-1, -1]", style=dashed]; +"3031 4152" -> "3032 4155" [label="[-1]", style=dashed]; +"3031 4152" -> "3038 4163" [label="[-1]", style=dashed]; +"3032 4155" -> "3034 4156" [label="[-1]", style=dashed]; +"3033 4154" -> "3034 4156" [label="[]", style=solid]; +"3034 4156" -> "3035 4165" [label="[]", style=solid]; +"3034 4156" -> "3043 4176" [label="[]", style=solid]; +"3035 4165" -> "3036 4166" [label="[]", style=solid]; +"3036 4166" -> "3040 4169" [label="[]", style=solid]; +"3037 4161" -> "3038 4163" [label="[]", style=solid]; +"3038 4163" -> "3039 4164" [label="[]", style=solid]; +"3038 4163" -> "3628 4174" [label="[]", style=solid]; +"3039 4164" -> "3040 4169" [label="[]", style=solid]; +"3040 4169" -> "3041 4171" [label="[-1, 3]", style=dashed]; +"3041 4171" -> "3042 4172" [label="[-1, 1]", style=dashed]; +"3042 4172" -> "3043 4176" [label="[-1]", style=dashed]; +"3042 4172" -> "3627 4173" [label="[-1]", style=dashed]; +"3043 4176" -> "3512 6520" [label="[]", style=solid]; +"3044 4102" -> "3045 4104" [label="[]", style=dashed]; +"3045 4104" -> "3046 4105" [label="[]", style=dashed]; +"3046 4105" -> "3047 4106" [label="[]", style=solid]; +"3047 4106" -> "3048 4107" [label="[-1, -1]", style=dashed]; +"3048 4107" -> "3049 4108" [label="[-1, -1]", style=dashed]; +"3049 4108" -> "3050 4111" [label="[-1]", style=dashed]; +"3049 4108" -> "3056 4119" [label="[-1]", style=dashed]; +"3050 4111" -> "3052 4112" [label="[-1]", style=dashed]; +"3051 4110" -> "3052 4112" [label="[]", style=solid]; +"3052 4112" -> "3053 4121" [label="[]", style=solid]; +"3052 4112" -> "3061 4132" [label="[]", style=solid]; +"3053 4121" -> "3054 4122" [label="[]", style=solid]; +"3054 4122" -> "3058 4125" [label="[]", style=solid]; +"3055 4117" -> "3056 4119" [label="[]", style=solid]; +"3056 4119" -> "3057 4120" [label="[]", style=solid]; +"3056 4119" -> "3630 4130" [label="[]", style=solid]; +"3057 4120" -> "3058 4125" [label="[]", style=solid]; +"3058 4125" -> "3059 4127" [label="[-1, 3]", style=dashed]; +"3059 4127" -> "3060 4128" [label="[-1, 1]", style=dashed]; +"3060 4128" -> "3061 4132" [label="[-1]", style=dashed]; +"3060 4128" -> "3629 4129" [label="[-1]", style=dashed]; +"3061 4132" -> "3512 6520" [label="[]", style=solid]; +"3062 4058" -> "3063 4060" [label="[]", style=dashed]; +"3063 4060" -> "3064 4061" [label="[]", style=dashed]; +"3064 4061" -> "3065 4062" [label="[]", style=solid]; +"3065 4062" -> "3066 4063" [label="[-1, -1]", style=dashed]; +"3066 4063" -> "3067 4064" [label="[-1, -1]", style=dashed]; +"3067 4064" -> "3068 4067" [label="[-1]", style=dashed]; +"3067 4064" -> "3074 4075" [label="[-1]", style=dashed]; +"3068 4067" -> "3070 4068" [label="[-1]", style=dashed]; +"3069 4066" -> "3070 4068" [label="[]", style=solid]; +"3070 4068" -> "3071 4077" [label="[]", style=solid]; +"3070 4068" -> "3079 4088" [label="[]", style=solid]; +"3071 4077" -> "3072 4078" [label="[]", style=solid]; +"3072 4078" -> "3076 4081" [label="[]", style=solid]; +"3073 4073" -> "3074 4075" [label="[]", style=solid]; +"3074 4075" -> "3075 4076" [label="[]", style=solid]; +"3074 4075" -> "3632 4086" [label="[]", style=solid]; +"3075 4076" -> "3076 4081" [label="[]", style=solid]; +"3076 4081" -> "3077 4083" [label="[-1, 3]", style=dashed]; +"3077 4083" -> "3078 4084" [label="[-1, 1]", style=dashed]; +"3078 4084" -> "3079 4088" [label="[-1]", style=dashed]; +"3078 4084" -> "3631 4085" [label="[-1]", style=dashed]; +"3079 4088" -> "3512 6520" [label="[]", style=solid]; +"3080 4014" -> "3081 4016" [label="[]", style=dashed]; +"3081 4016" -> "3082 4017" [label="[]", style=dashed]; +"3082 4017" -> "3083 4018" [label="[]", style=solid]; +"3083 4018" -> "3084 4019" [label="[-1, -1]", style=dashed]; +"3084 4019" -> "3085 4020" [label="[-1, -1]", style=dashed]; +"3085 4020" -> "3086 4023" [label="[-1]", style=dashed]; +"3085 4020" -> "3092 4031" [label="[-1]", style=dashed]; +"3086 4023" -> "3088 4024" [label="[-1]", style=dashed]; +"3087 4022" -> "3088 4024" [label="[]", style=solid]; +"3088 4024" -> "3089 4033" [label="[]", style=solid]; +"3088 4024" -> "3097 4044" [label="[]", style=solid]; +"3089 4033" -> "3090 4034" [label="[]", style=solid]; +"3090 4034" -> "3094 4037" [label="[]", style=solid]; +"3091 4029" -> "3092 4031" [label="[]", style=solid]; +"3092 4031" -> "3093 4032" [label="[]", style=solid]; +"3092 4031" -> "3634 4042" [label="[]", style=solid]; +"3093 4032" -> "3094 4037" [label="[]", style=solid]; +"3094 4037" -> "3095 4039" [label="[-1, 3]", style=dashed]; +"3095 4039" -> "3096 4040" [label="[-1, 1]", style=dashed]; +"3096 4040" -> "3097 4044" [label="[-1]", style=dashed]; +"3096 4040" -> "3633 4041" [label="[-1]", style=dashed]; +"3097 4044" -> "3512 6520" [label="[]", style=solid]; +"3098 3970" -> "3099 3972" [label="[]", style=dashed]; +"3099 3972" -> "3100 3973" [label="[]", style=dashed]; +"3100 3973" -> "3101 3974" [label="[]", style=solid]; +"3101 3974" -> "3102 3975" [label="[-1, -1]", style=dashed]; +"3102 3975" -> "3103 3976" [label="[-1, -1]", style=dashed]; +"3103 3976" -> "3104 3979" [label="[-1]", style=dashed]; +"3103 3976" -> "3110 3987" [label="[-1]", style=dashed]; +"3104 3979" -> "3106 3980" [label="[-1]", style=dashed]; +"3105 3978" -> "3106 3980" [label="[]", style=solid]; +"3106 3980" -> "3107 3989" [label="[]", style=solid]; +"3106 3980" -> "3115 4000" [label="[]", style=solid]; +"3107 3989" -> "3108 3990" [label="[]", style=solid]; +"3108 3990" -> "3112 3993" [label="[]", style=solid]; +"3109 3985" -> "3110 3987" [label="[]", style=solid]; +"3110 3987" -> "3111 3988" [label="[]", style=solid]; +"3110 3987" -> "3636 3998" [label="[]", style=solid]; +"3111 3988" -> "3112 3993" [label="[]", style=solid]; +"3112 3993" -> "3113 3995" [label="[-1, 3]", style=dashed]; +"3113 3995" -> "3114 3996" [label="[-1, 1]", style=dashed]; +"3114 3996" -> "3115 4000" [label="[-1]", style=dashed]; +"3114 3996" -> "3635 3997" [label="[-1]", style=dashed]; +"3115 4000" -> "3512 6520" [label="[]", style=solid]; +"3116 3926" -> "3117 3928" [label="[]", style=dashed]; +"3117 3928" -> "3118 3929" [label="[]", style=dashed]; +"3118 3929" -> "3119 3930" [label="[]", style=solid]; +"3119 3930" -> "3120 3931" [label="[-1, -1]", style=dashed]; +"3120 3931" -> "3121 3932" [label="[-1, -1]", style=dashed]; +"3121 3932" -> "3122 3935" [label="[-1]", style=dashed]; +"3121 3932" -> "3128 3943" [label="[-1]", style=dashed]; +"3122 3935" -> "3124 3936" [label="[-1]", style=dashed]; +"3123 3934" -> "3124 3936" [label="[]", style=solid]; +"3124 3936" -> "3125 3945" [label="[]", style=solid]; +"3124 3936" -> "3133 3956" [label="[]", style=solid]; +"3125 3945" -> "3126 3946" [label="[]", style=solid]; +"3126 3946" -> "3130 3949" [label="[]", style=solid]; +"3127 3941" -> "3128 3943" [label="[]", style=solid]; +"3128 3943" -> "3129 3944" [label="[]", style=solid]; +"3128 3943" -> "3638 3954" [label="[]", style=solid]; +"3129 3944" -> "3130 3949" [label="[]", style=solid]; +"3130 3949" -> "3131 3951" [label="[-1, 3]", style=dashed]; +"3131 3951" -> "3132 3952" [label="[-1, 1]", style=dashed]; +"3132 3952" -> "3133 3956" [label="[-1]", style=dashed]; +"3132 3952" -> "3637 3953" [label="[-1]", style=dashed]; +"3133 3956" -> "3512 6520" [label="[]", style=solid]; +"3134 3882" -> "3135 3884" [label="[]", style=dashed]; +"3135 3884" -> "3136 3885" [label="[]", style=dashed]; +"3136 3885" -> "3137 3886" [label="[]", style=solid]; +"3137 3886" -> "3138 3887" [label="[-1, -1]", style=dashed]; +"3138 3887" -> "3139 3888" [label="[-1, -1]", style=dashed]; +"3139 3888" -> "3140 3891" [label="[-1]", style=dashed]; +"3139 3888" -> "3146 3899" [label="[-1]", style=dashed]; +"3140 3891" -> "3142 3892" [label="[-1]", style=dashed]; +"3141 3890" -> "3142 3892" [label="[]", style=solid]; +"3142 3892" -> "3143 3901" [label="[]", style=solid]; +"3142 3892" -> "3151 3912" [label="[]", style=solid]; +"3143 3901" -> "3144 3902" [label="[]", style=solid]; +"3144 3902" -> "3148 3905" [label="[]", style=solid]; +"3145 3897" -> "3146 3899" [label="[]", style=solid]; +"3146 3899" -> "3147 3900" [label="[]", style=solid]; +"3146 3899" -> "3640 3910" [label="[]", style=solid]; +"3147 3900" -> "3148 3905" [label="[]", style=solid]; +"3148 3905" -> "3149 3907" [label="[-1, 3]", style=dashed]; +"3149 3907" -> "3150 3908" [label="[-1, 1]", style=dashed]; +"3150 3908" -> "3151 3912" [label="[-1]", style=dashed]; +"3150 3908" -> "3639 3909" [label="[-1]", style=dashed]; +"3151 3912" -> "3512 6520" [label="[]", style=solid]; +"3152 3838" -> "3153 3840" [label="[]", style=dashed]; +"3153 3840" -> "3154 3841" [label="[]", style=dashed]; +"3154 3841" -> "3155 3842" [label="[]", style=solid]; +"3155 3842" -> "3156 3843" [label="[-1, -1]", style=dashed]; +"3156 3843" -> "3157 3844" [label="[-1, -1]", style=dashed]; +"3157 3844" -> "3158 3847" [label="[-1]", style=dashed]; +"3157 3844" -> "3164 3855" [label="[-1]", style=dashed]; +"3158 3847" -> "3160 3848" [label="[-1]", style=dashed]; +"3159 3846" -> "3160 3848" [label="[]", style=solid]; +"3160 3848" -> "3161 3857" [label="[]", style=solid]; +"3160 3848" -> "3169 3868" [label="[]", style=solid]; +"3161 3857" -> "3162 3858" [label="[]", style=solid]; +"3162 3858" -> "3166 3861" [label="[]", style=solid]; +"3163 3853" -> "3164 3855" [label="[]", style=solid]; +"3164 3855" -> "3165 3856" [label="[]", style=solid]; +"3164 3855" -> "3642 3866" [label="[]", style=solid]; +"3165 3856" -> "3166 3861" [label="[]", style=solid]; +"3166 3861" -> "3167 3863" [label="[-1, 3]", style=dashed]; +"3167 3863" -> "3168 3864" [label="[-1, 1]", style=dashed]; +"3168 3864" -> "3169 3868" [label="[-1]", style=dashed]; +"3168 3864" -> "3641 3865" [label="[-1]", style=dashed]; +"3169 3868" -> "3512 6520" [label="[]", style=solid]; +"3170 3794" -> "3171 3796" [label="[]", style=dashed]; +"3171 3796" -> "3172 3797" [label="[]", style=dashed]; +"3172 3797" -> "3173 3798" [label="[]", style=solid]; +"3173 3798" -> "3174 3799" [label="[-1, -1]", style=dashed]; +"3174 3799" -> "3175 3800" [label="[-1, -1]", style=dashed]; +"3175 3800" -> "3176 3803" [label="[-1]", style=dashed]; +"3175 3800" -> "3182 3811" [label="[-1]", style=dashed]; +"3176 3803" -> "3178 3804" [label="[-1]", style=dashed]; +"3177 3802" -> "3178 3804" [label="[]", style=solid]; +"3178 3804" -> "3179 3813" [label="[]", style=solid]; +"3178 3804" -> "3187 3824" [label="[]", style=solid]; +"3179 3813" -> "3180 3814" [label="[]", style=solid]; +"3180 3814" -> "3184 3817" [label="[]", style=solid]; +"3181 3809" -> "3182 3811" [label="[]", style=solid]; +"3182 3811" -> "3183 3812" [label="[]", style=solid]; +"3182 3811" -> "3644 3822" [label="[]", style=solid]; +"3183 3812" -> "3184 3817" [label="[]", style=solid]; +"3184 3817" -> "3185 3819" [label="[-1, 3]", style=dashed]; +"3185 3819" -> "3186 3820" [label="[-1, 1]", style=dashed]; +"3186 3820" -> "3187 3824" [label="[-1]", style=dashed]; +"3186 3820" -> "3643 3821" [label="[-1]", style=dashed]; +"3187 3824" -> "3512 6520" [label="[]", style=solid]; +"3188 3750" -> "3189 3752" [label="[]", style=dashed]; +"3189 3752" -> "3190 3753" [label="[]", style=dashed]; +"3190 3753" -> "3191 3754" [label="[]", style=solid]; +"3191 3754" -> "3192 3755" [label="[-1, -1]", style=dashed]; +"3192 3755" -> "3193 3756" [label="[-1, -1]", style=dashed]; +"3193 3756" -> "3194 3759" [label="[-1]", style=dashed]; +"3193 3756" -> "3200 3767" [label="[-1]", style=dashed]; +"3194 3759" -> "3196 3760" [label="[-1]", style=dashed]; +"3195 3758" -> "3196 3760" [label="[]", style=solid]; +"3196 3760" -> "3197 3769" [label="[]", style=solid]; +"3196 3760" -> "3205 3780" [label="[]", style=solid]; +"3197 3769" -> "3198 3770" [label="[]", style=solid]; +"3198 3770" -> "3202 3773" [label="[]", style=solid]; +"3199 3765" -> "3200 3767" [label="[]", style=solid]; +"3200 3767" -> "3201 3768" [label="[]", style=solid]; +"3200 3767" -> "3646 3778" [label="[]", style=solid]; +"3201 3768" -> "3202 3773" [label="[]", style=solid]; +"3202 3773" -> "3203 3775" [label="[-1, 3]", style=dashed]; +"3203 3775" -> "3204 3776" [label="[-1, 1]", style=dashed]; +"3204 3776" -> "3205 3780" [label="[-1]", style=dashed]; +"3204 3776" -> "3645 3777" [label="[-1]", style=dashed]; +"3205 3780" -> "3512 6520" [label="[]", style=solid]; +"3206 3706" -> "3207 3708" [label="[]", style=dashed]; +"3207 3708" -> "3208 3709" [label="[]", style=dashed]; +"3208 3709" -> "3209 3710" [label="[]", style=solid]; +"3209 3710" -> "3210 3711" [label="[-1, -1]", style=dashed]; +"3210 3711" -> "3211 3712" [label="[-1, -1]", style=dashed]; +"3211 3712" -> "3212 3715" [label="[-1]", style=dashed]; +"3211 3712" -> "3218 3723" [label="[-1]", style=dashed]; +"3212 3715" -> "3214 3716" [label="[-1]", style=dashed]; +"3213 3714" -> "3214 3716" [label="[]", style=solid]; +"3214 3716" -> "3215 3725" [label="[]", style=solid]; +"3214 3716" -> "3223 3736" [label="[]", style=solid]; +"3215 3725" -> "3216 3726" [label="[]", style=solid]; +"3216 3726" -> "3220 3729" [label="[]", style=solid]; +"3217 3721" -> "3218 3723" [label="[]", style=solid]; +"3218 3723" -> "3219 3724" [label="[]", style=solid]; +"3218 3723" -> "3648 3734" [label="[]", style=solid]; +"3219 3724" -> "3220 3729" [label="[]", style=solid]; +"3220 3729" -> "3221 3731" [label="[-1, 3]", style=dashed]; +"3221 3731" -> "3222 3732" [label="[-1, 1]", style=dashed]; +"3222 3732" -> "3223 3736" [label="[-1]", style=dashed]; +"3222 3732" -> "3647 3733" [label="[-1]", style=dashed]; +"3223 3736" -> "3512 6520" [label="[]", style=solid]; +"3224 3662" -> "3225 3664" [label="[]", style=dashed]; +"3225 3664" -> "3226 3665" [label="[]", style=dashed]; +"3226 3665" -> "3227 3666" [label="[]", style=solid]; +"3227 3666" -> "3228 3667" [label="[-1, -1]", style=dashed]; +"3228 3667" -> "3229 3668" [label="[-1, -1]", style=dashed]; +"3229 3668" -> "3230 3671" [label="[-1]", style=dashed]; +"3229 3668" -> "3236 3679" [label="[-1]", style=dashed]; +"3230 3671" -> "3232 3672" [label="[-1]", style=dashed]; +"3231 3670" -> "3232 3672" [label="[]", style=solid]; +"3232 3672" -> "3233 3681" [label="[]", style=solid]; +"3232 3672" -> "3241 3692" [label="[]", style=solid]; +"3233 3681" -> "3234 3682" [label="[]", style=solid]; +"3234 3682" -> "3238 3685" [label="[]", style=solid]; +"3235 3677" -> "3236 3679" [label="[]", style=solid]; +"3236 3679" -> "3237 3680" [label="[]", style=solid]; +"3236 3679" -> "3650 3690" [label="[]", style=solid]; +"3237 3680" -> "3238 3685" [label="[]", style=solid]; +"3238 3685" -> "3239 3687" [label="[-1, 3]", style=dashed]; +"3239 3687" -> "3240 3688" [label="[-1, 1]", style=dashed]; +"3240 3688" -> "3241 3692" [label="[-1]", style=dashed]; +"3240 3688" -> "3649 3689" [label="[-1]", style=dashed]; +"3241 3692" -> "3512 6520" [label="[]", style=solid]; +"3242 3618" -> "3243 3620" [label="[]", style=dashed]; +"3243 3620" -> "3244 3621" [label="[]", style=dashed]; +"3244 3621" -> "3245 3622" [label="[]", style=solid]; +"3245 3622" -> "3246 3623" [label="[-1, -1]", style=dashed]; +"3246 3623" -> "3247 3624" [label="[-1, -1]", style=dashed]; +"3247 3624" -> "3248 3627" [label="[-1]", style=dashed]; +"3247 3624" -> "3254 3635" [label="[-1]", style=dashed]; +"3248 3627" -> "3250 3628" [label="[-1]", style=dashed]; +"3249 3626" -> "3250 3628" [label="[]", style=solid]; +"3250 3628" -> "3251 3637" [label="[]", style=solid]; +"3250 3628" -> "3259 3648" [label="[]", style=solid]; +"3251 3637" -> "3252 3638" [label="[]", style=solid]; +"3252 3638" -> "3256 3641" [label="[]", style=solid]; +"3253 3633" -> "3254 3635" [label="[]", style=solid]; +"3254 3635" -> "3255 3636" [label="[]", style=solid]; +"3254 3635" -> "3652 3646" [label="[]", style=solid]; +"3255 3636" -> "3256 3641" [label="[]", style=solid]; +"3256 3641" -> "3257 3643" [label="[-1, 3]", style=dashed]; +"3257 3643" -> "3258 3644" [label="[-1, 1]", style=dashed]; +"3258 3644" -> "3259 3648" [label="[-1]", style=dashed]; +"3258 3644" -> "3651 3645" [label="[-1]", style=dashed]; +"3259 3648" -> "3512 6520" [label="[]", style=solid]; +"3260 3574" -> "3261 3576" [label="[]", style=dashed]; +"3261 3576" -> "3262 3577" [label="[]", style=dashed]; +"3262 3577" -> "3263 3578" [label="[]", style=solid]; +"3263 3578" -> "3264 3579" [label="[-1, -1]", style=dashed]; +"3264 3579" -> "3265 3580" [label="[-1, -1]", style=dashed]; +"3265 3580" -> "3266 3583" [label="[-1]", style=dashed]; +"3265 3580" -> "3272 3591" [label="[-1]", style=dashed]; +"3266 3583" -> "3268 3584" [label="[-1]", style=dashed]; +"3267 3582" -> "3268 3584" [label="[]", style=solid]; +"3268 3584" -> "3269 3593" [label="[]", style=solid]; +"3268 3584" -> "3277 3604" [label="[]", style=solid]; +"3269 3593" -> "3270 3594" [label="[]", style=solid]; +"3270 3594" -> "3274 3597" [label="[]", style=solid]; +"3271 3589" -> "3272 3591" [label="[]", style=solid]; +"3272 3591" -> "3273 3592" [label="[]", style=solid]; +"3272 3591" -> "3654 3602" [label="[]", style=solid]; +"3273 3592" -> "3274 3597" [label="[]", style=solid]; +"3274 3597" -> "3275 3599" [label="[-1, 3]", style=dashed]; +"3275 3599" -> "3276 3600" [label="[-1, 1]", style=dashed]; +"3276 3600" -> "3277 3604" [label="[-1]", style=dashed]; +"3276 3600" -> "3653 3601" [label="[-1]", style=dashed]; +"3277 3604" -> "3512 6520" [label="[]", style=solid]; +"3278 3530" -> "3279 3532" [label="[]", style=dashed]; +"3279 3532" -> "3280 3533" [label="[]", style=dashed]; +"3280 3533" -> "3281 3534" [label="[]", style=solid]; +"3281 3534" -> "3282 3535" [label="[-1, -1]", style=dashed]; +"3282 3535" -> "3283 3536" [label="[-1, -1]", style=dashed]; +"3283 3536" -> "3284 3539" [label="[-1]", style=dashed]; +"3283 3536" -> "3290 3547" [label="[-1]", style=dashed]; +"3284 3539" -> "3286 3540" [label="[-1]", style=dashed]; +"3285 3538" -> "3286 3540" [label="[]", style=solid]; +"3286 3540" -> "3287 3549" [label="[]", style=solid]; +"3286 3540" -> "3295 3560" [label="[]", style=solid]; +"3287 3549" -> "3288 3550" [label="[]", style=solid]; +"3288 3550" -> "3292 3553" [label="[]", style=solid]; +"3289 3545" -> "3290 3547" [label="[]", style=solid]; +"3290 3547" -> "3291 3548" [label="[]", style=solid]; +"3290 3547" -> "3656 3558" [label="[]", style=solid]; +"3291 3548" -> "3292 3553" [label="[]", style=solid]; +"3292 3553" -> "3293 3555" [label="[-1, 3]", style=dashed]; +"3293 3555" -> "3294 3556" [label="[-1, 1]", style=dashed]; +"3294 3556" -> "3295 3560" [label="[-1]", style=dashed]; +"3294 3556" -> "3655 3557" [label="[-1]", style=dashed]; +"3295 3560" -> "3512 6520" [label="[]", style=solid]; +"3296 3486" -> "3297 3488" [label="[]", style=dashed]; +"3297 3488" -> "3298 3489" [label="[]", style=dashed]; +"3298 3489" -> "3299 3490" [label="[]", style=solid]; +"3299 3490" -> "3300 3491" [label="[-1, -1]", style=dashed]; +"3300 3491" -> "3301 3492" [label="[-1, -1]", style=dashed]; +"3301 3492" -> "3302 3495" [label="[-1]", style=dashed]; +"3301 3492" -> "3308 3503" [label="[-1]", style=dashed]; +"3302 3495" -> "3304 3496" [label="[-1]", style=dashed]; +"3303 3494" -> "3304 3496" [label="[]", style=solid]; +"3304 3496" -> "3305 3505" [label="[]", style=solid]; +"3304 3496" -> "3313 3516" [label="[]", style=solid]; +"3305 3505" -> "3306 3506" [label="[]", style=solid]; +"3306 3506" -> "3310 3509" [label="[]", style=solid]; +"3307 3501" -> "3308 3503" [label="[]", style=solid]; +"3308 3503" -> "3309 3504" [label="[]", style=solid]; +"3308 3503" -> "3658 3514" [label="[]", style=solid]; +"3309 3504" -> "3310 3509" [label="[]", style=solid]; +"3310 3509" -> "3311 3511" [label="[-1, 3]", style=dashed]; +"3311 3511" -> "3312 3512" [label="[-1, 1]", style=dashed]; +"3312 3512" -> "3313 3516" [label="[-1]", style=dashed]; +"3312 3512" -> "3657 3513" [label="[-1]", style=dashed]; +"3313 3516" -> "3512 6520" [label="[]", style=solid]; +"3314 3442" -> "3315 3444" [label="[]", style=dashed]; +"3315 3444" -> "3316 3445" [label="[]", style=dashed]; +"3316 3445" -> "3317 3446" [label="[]", style=solid]; +"3317 3446" -> "3318 3447" [label="[-1, -1]", style=dashed]; +"3318 3447" -> "3319 3448" [label="[-1, -1]", style=dashed]; +"3319 3448" -> "3320 3451" [label="[-1]", style=dashed]; +"3319 3448" -> "3326 3459" [label="[-1]", style=dashed]; +"3320 3451" -> "3322 3452" [label="[-1]", style=dashed]; +"3321 3450" -> "3322 3452" [label="[]", style=solid]; +"3322 3452" -> "3323 3461" [label="[]", style=solid]; +"3322 3452" -> "3331 3472" [label="[]", style=solid]; +"3323 3461" -> "3324 3462" [label="[]", style=solid]; +"3324 3462" -> "3328 3465" [label="[]", style=solid]; +"3325 3457" -> "3326 3459" [label="[]", style=solid]; +"3326 3459" -> "3327 3460" [label="[]", style=solid]; +"3326 3459" -> "3660 3470" [label="[]", style=solid]; +"3327 3460" -> "3328 3465" [label="[]", style=solid]; +"3328 3465" -> "3329 3467" [label="[-1, 3]", style=dashed]; +"3329 3467" -> "3330 3468" [label="[-1, 1]", style=dashed]; +"3330 3468" -> "3331 3472" [label="[-1]", style=dashed]; +"3330 3468" -> "3659 3469" [label="[-1]", style=dashed]; +"3331 3472" -> "3512 6520" [label="[]", style=solid]; +"3332 3398" -> "3333 3400" [label="[]", style=dashed]; +"3333 3400" -> "3334 3401" [label="[]", style=dashed]; +"3334 3401" -> "3335 3402" [label="[]", style=solid]; +"3335 3402" -> "3336 3403" [label="[-1, -1]", style=dashed]; +"3336 3403" -> "3337 3404" [label="[-1, -1]", style=dashed]; +"3337 3404" -> "3338 3407" [label="[-1]", style=dashed]; +"3337 3404" -> "3344 3415" [label="[-1]", style=dashed]; +"3338 3407" -> "3340 3408" [label="[-1]", style=dashed]; +"3339 3406" -> "3340 3408" [label="[]", style=solid]; +"3340 3408" -> "3341 3417" [label="[]", style=solid]; +"3340 3408" -> "3349 3428" [label="[]", style=solid]; +"3341 3417" -> "3342 3418" [label="[]", style=solid]; +"3342 3418" -> "3346 3421" [label="[]", style=solid]; +"3343 3413" -> "3344 3415" [label="[]", style=solid]; +"3344 3415" -> "3345 3416" [label="[]", style=solid]; +"3344 3415" -> "3662 3426" [label="[]", style=solid]; +"3345 3416" -> "3346 3421" [label="[]", style=solid]; +"3346 3421" -> "3347 3423" [label="[-1, 3]", style=dashed]; +"3347 3423" -> "3348 3424" [label="[-1, 1]", style=dashed]; +"3348 3424" -> "3349 3428" [label="[-1]", style=dashed]; +"3348 3424" -> "3661 3425" [label="[-1]", style=dashed]; +"3349 3428" -> "3512 6520" [label="[]", style=solid]; +"3350 3354" -> "3351 3356" [label="[]", style=dashed]; +"3351 3356" -> "3352 3357" [label="[]", style=dashed]; +"3352 3357" -> "3353 3358" [label="[]", style=solid]; +"3353 3358" -> "3354 3359" [label="[-1, -1]", style=dashed]; +"3354 3359" -> "3355 3360" [label="[-1, -1]", style=dashed]; +"3355 3360" -> "3356 3363" [label="[-1]", style=dashed]; +"3355 3360" -> "3362 3371" [label="[-1]", style=dashed]; +"3356 3363" -> "3358 3364" [label="[-1]", style=dashed]; +"3357 3362" -> "3358 3364" [label="[]", style=solid]; +"3358 3364" -> "3359 3373" [label="[]", style=solid]; +"3358 3364" -> "3367 3384" [label="[]", style=solid]; +"3359 3373" -> "3360 3374" [label="[]", style=solid]; +"3360 3374" -> "3364 3377" [label="[]", style=solid]; +"3361 3369" -> "3362 3371" [label="[]", style=solid]; +"3362 3371" -> "3363 3372" [label="[]", style=solid]; +"3362 3371" -> "3664 3382" [label="[]", style=solid]; +"3363 3372" -> "3364 3377" [label="[]", style=solid]; +"3364 3377" -> "3365 3379" [label="[-1, 3]", style=dashed]; +"3365 3379" -> "3366 3380" [label="[-1, 1]", style=dashed]; +"3366 3380" -> "3367 3384" [label="[-1]", style=dashed]; +"3366 3380" -> "3663 3381" [label="[-1]", style=dashed]; +"3367 3384" -> "3512 6520" [label="[]", style=solid]; +"3368 3310" -> "3369 3312" [label="[]", style=dashed]; +"3369 3312" -> "3370 3313" [label="[]", style=dashed]; +"3370 3313" -> "3371 3314" [label="[]", style=solid]; +"3371 3314" -> "3372 3315" [label="[-1, -1]", style=dashed]; +"3372 3315" -> "3373 3316" [label="[-1, -1]", style=dashed]; +"3373 3316" -> "3374 3319" [label="[-1]", style=dashed]; +"3373 3316" -> "3380 3327" [label="[-1]", style=dashed]; +"3374 3319" -> "3376 3320" [label="[-1]", style=dashed]; +"3375 3318" -> "3376 3320" [label="[]", style=solid]; +"3376 3320" -> "3377 3329" [label="[]", style=solid]; +"3376 3320" -> "3385 3340" [label="[]", style=solid]; +"3377 3329" -> "3378 3330" [label="[]", style=solid]; +"3378 3330" -> "3382 3333" [label="[]", style=solid]; +"3379 3325" -> "3380 3327" [label="[]", style=solid]; +"3380 3327" -> "3381 3328" [label="[]", style=solid]; +"3380 3327" -> "3666 3338" [label="[]", style=solid]; +"3381 3328" -> "3382 3333" [label="[]", style=solid]; +"3382 3333" -> "3383 3335" [label="[-1, 3]", style=dashed]; +"3383 3335" -> "3384 3336" [label="[-1, 1]", style=dashed]; +"3384 3336" -> "3385 3340" [label="[-1]", style=dashed]; +"3384 3336" -> "3665 3337" [label="[-1]", style=dashed]; +"3385 3340" -> "3512 6520" [label="[]", style=solid]; +"3386 3266" -> "3387 3268" [label="[]", style=dashed]; +"3387 3268" -> "3388 3269" [label="[]", style=dashed]; +"3388 3269" -> "3389 3270" [label="[]", style=solid]; +"3389 3270" -> "3390 3271" [label="[-1, -1]", style=dashed]; +"3390 3271" -> "3391 3272" [label="[-1, -1]", style=dashed]; +"3391 3272" -> "3392 3275" [label="[-1]", style=dashed]; +"3391 3272" -> "3398 3283" [label="[-1]", style=dashed]; +"3392 3275" -> "3394 3276" [label="[-1]", style=dashed]; +"3393 3274" -> "3394 3276" [label="[]", style=solid]; +"3394 3276" -> "3395 3285" [label="[]", style=solid]; +"3394 3276" -> "3403 3296" [label="[]", style=solid]; +"3395 3285" -> "3396 3286" [label="[]", style=solid]; +"3396 3286" -> "3400 3289" [label="[]", style=solid]; +"3397 3281" -> "3398 3283" [label="[]", style=solid]; +"3398 3283" -> "3399 3284" [label="[]", style=solid]; +"3398 3283" -> "3668 3294" [label="[]", style=solid]; +"3399 3284" -> "3400 3289" [label="[]", style=solid]; +"3400 3289" -> "3401 3291" [label="[-1, 3]", style=dashed]; +"3401 3291" -> "3402 3292" [label="[-1, 1]", style=dashed]; +"3402 3292" -> "3403 3296" [label="[-1]", style=dashed]; +"3402 3292" -> "3667 3293" [label="[-1]", style=dashed]; +"3403 3296" -> "3512 6520" [label="[]", style=solid]; +"3404 3222" -> "3405 3224" [label="[]", style=dashed]; +"3405 3224" -> "3406 3225" [label="[]", style=dashed]; +"3406 3225" -> "3407 3226" [label="[]", style=solid]; +"3407 3226" -> "3408 3227" [label="[-1, -1]", style=dashed]; +"3408 3227" -> "3409 3228" [label="[-1, -1]", style=dashed]; +"3409 3228" -> "3410 3231" [label="[-1]", style=dashed]; +"3409 3228" -> "3416 3239" [label="[-1]", style=dashed]; +"3410 3231" -> "3412 3232" [label="[-1]", style=dashed]; +"3411 3230" -> "3412 3232" [label="[]", style=solid]; +"3412 3232" -> "3413 3241" [label="[]", style=solid]; +"3412 3232" -> "3421 3252" [label="[]", style=solid]; +"3413 3241" -> "3414 3242" [label="[]", style=solid]; +"3414 3242" -> "3418 3245" [label="[]", style=solid]; +"3415 3237" -> "3416 3239" [label="[]", style=solid]; +"3416 3239" -> "3417 3240" [label="[]", style=solid]; +"3416 3239" -> "3670 3250" [label="[]", style=solid]; +"3417 3240" -> "3418 3245" [label="[]", style=solid]; +"3418 3245" -> "3419 3247" [label="[-1, 3]", style=dashed]; +"3419 3247" -> "3420 3248" [label="[-1, 1]", style=dashed]; +"3420 3248" -> "3421 3252" [label="[-1]", style=dashed]; +"3420 3248" -> "3669 3249" [label="[-1]", style=dashed]; +"3421 3252" -> "3512 6520" [label="[]", style=solid]; +"3422 3178" -> "3423 3180" [label="[]", style=dashed]; +"3423 3180" -> "3424 3181" [label="[]", style=dashed]; +"3424 3181" -> "3425 3182" [label="[]", style=solid]; +"3425 3182" -> "3426 3183" [label="[-1, -1]", style=dashed]; +"3426 3183" -> "3427 3184" [label="[-1, -1]", style=dashed]; +"3427 3184" -> "3428 3187" [label="[-1]", style=dashed]; +"3427 3184" -> "3434 3195" [label="[-1]", style=dashed]; +"3428 3187" -> "3430 3188" [label="[-1]", style=dashed]; +"3429 3186" -> "3430 3188" [label="[]", style=solid]; +"3430 3188" -> "3431 3197" [label="[]", style=solid]; +"3430 3188" -> "3439 3208" [label="[]", style=solid]; +"3431 3197" -> "3432 3198" [label="[]", style=solid]; +"3432 3198" -> "3436 3201" [label="[]", style=solid]; +"3433 3193" -> "3434 3195" [label="[]", style=solid]; +"3434 3195" -> "3435 3196" [label="[]", style=solid]; +"3434 3195" -> "3672 3206" [label="[]", style=solid]; +"3435 3196" -> "3436 3201" [label="[]", style=solid]; +"3436 3201" -> "3437 3203" [label="[-1, 3]", style=dashed]; +"3437 3203" -> "3438 3204" [label="[-1, 1]", style=dashed]; +"3438 3204" -> "3439 3208" [label="[-1]", style=dashed]; +"3438 3204" -> "3671 3205" [label="[-1]", style=dashed]; +"3439 3208" -> "3512 6520" [label="[]", style=solid]; +"3440 3134" -> "3441 3136" [label="[]", style=dashed]; +"3441 3136" -> "3442 3137" [label="[]", style=dashed]; +"3442 3137" -> "3443 3138" [label="[]", style=solid]; +"3443 3138" -> "3444 3139" [label="[-1, -1]", style=dashed]; +"3444 3139" -> "3445 3140" [label="[-1, -1]", style=dashed]; +"3445 3140" -> "3446 3143" [label="[-1]", style=dashed]; +"3445 3140" -> "3452 3151" [label="[-1]", style=dashed]; +"3446 3143" -> "3448 3144" [label="[-1]", style=dashed]; +"3447 3142" -> "3448 3144" [label="[]", style=solid]; +"3448 3144" -> "3449 3153" [label="[]", style=solid]; +"3448 3144" -> "3457 3164" [label="[]", style=solid]; +"3449 3153" -> "3450 3154" [label="[]", style=solid]; +"3450 3154" -> "3454 3157" [label="[]", style=solid]; +"3451 3149" -> "3452 3151" [label="[]", style=solid]; +"3452 3151" -> "3453 3152" [label="[]", style=solid]; +"3452 3151" -> "3674 3162" [label="[]", style=solid]; +"3453 3152" -> "3454 3157" [label="[]", style=solid]; +"3454 3157" -> "3455 3159" [label="[-1, 3]", style=dashed]; +"3455 3159" -> "3456 3160" [label="[-1, 1]", style=dashed]; +"3456 3160" -> "3457 3164" [label="[-1]", style=dashed]; +"3456 3160" -> "3673 3161" [label="[-1]", style=dashed]; +"3457 3164" -> "3512 6520" [label="[]", style=solid]; +"3458 3090" -> "3459 3092" [label="[]", style=dashed]; +"3459 3092" -> "3460 3093" [label="[]", style=dashed]; +"3460 3093" -> "3461 3094" [label="[]", style=solid]; +"3461 3094" -> "3462 3095" [label="[-1, -1]", style=dashed]; +"3462 3095" -> "3463 3096" [label="[-1, -1]", style=dashed]; +"3463 3096" -> "3464 3099" [label="[-1]", style=dashed]; +"3463 3096" -> "3470 3107" [label="[-1]", style=dashed]; +"3464 3099" -> "3466 3100" [label="[-1]", style=dashed]; +"3465 3098" -> "3466 3100" [label="[]", style=solid]; +"3466 3100" -> "3467 3109" [label="[]", style=solid]; +"3466 3100" -> "3475 3120" [label="[]", style=solid]; +"3467 3109" -> "3468 3110" [label="[]", style=solid]; +"3468 3110" -> "3472 3113" [label="[]", style=solid]; +"3469 3105" -> "3470 3107" [label="[]", style=solid]; +"3470 3107" -> "3471 3108" [label="[]", style=solid]; +"3470 3107" -> "3676 3118" [label="[]", style=solid]; +"3471 3108" -> "3472 3113" [label="[]", style=solid]; +"3472 3113" -> "3473 3115" [label="[-1, 3]", style=dashed]; +"3473 3115" -> "3474 3116" [label="[-1, 1]", style=dashed]; +"3474 3116" -> "3475 3120" [label="[-1]", style=dashed]; +"3474 3116" -> "3675 3117" [label="[-1]", style=dashed]; +"3475 3120" -> "3512 6520" [label="[]", style=solid]; +"3476 3046" -> "3477 3048" [label="[]", style=dashed]; +"3477 3048" -> "3478 3049" [label="[]", style=dashed]; +"3478 3049" -> "3479 3050" [label="[]", style=solid]; +"3479 3050" -> "3480 3051" [label="[-1, -1]", style=dashed]; +"3480 3051" -> "3481 3052" [label="[-1, -1]", style=dashed]; +"3481 3052" -> "3482 3055" [label="[-1]", style=dashed]; +"3481 3052" -> "3488 3063" [label="[-1]", style=dashed]; +"3482 3055" -> "3484 3056" [label="[-1]", style=dashed]; +"3483 3054" -> "3484 3056" [label="[]", style=solid]; +"3484 3056" -> "3485 3065" [label="[]", style=solid]; +"3484 3056" -> "3493 3076" [label="[]", style=solid]; +"3485 3065" -> "3486 3066" [label="[]", style=solid]; +"3486 3066" -> "3490 3069" [label="[]", style=solid]; +"3487 3061" -> "3488 3063" [label="[]", style=solid]; +"3488 3063" -> "3489 3064" [label="[]", style=solid]; +"3488 3063" -> "3678 3074" [label="[]", style=solid]; +"3489 3064" -> "3490 3069" [label="[]", style=solid]; +"3490 3069" -> "3491 3071" [label="[-1, 3]", style=dashed]; +"3491 3071" -> "3492 3072" [label="[-1, 1]", style=dashed]; +"3492 3072" -> "3493 3076" [label="[-1]", style=dashed]; +"3492 3072" -> "3677 3073" [label="[-1]", style=dashed]; +"3493 3076" -> "3512 6520" [label="[]", style=solid]; +"3494 3002" -> "3495 3004" [label="[]", style=dashed]; +"3495 3004" -> "3496 3005" [label="[]", style=dashed]; +"3496 3005" -> "3497 3006" [label="[]", style=solid]; +"3497 3006" -> "3498 3007" [label="[-1, -1]", style=dashed]; +"3498 3007" -> "3499 3008" [label="[-1, -1]", style=dashed]; +"3499 3008" -> "3500 3011" [label="[-1]", style=dashed]; +"3499 3008" -> "3506 3019" [label="[-1]", style=dashed]; +"3500 3011" -> "3502 3012" [label="[-1]", style=dashed]; +"3501 3010" -> "3502 3012" [label="[]", style=solid]; +"3502 3012" -> "3503 3021" [label="[]", style=solid]; +"3502 3012" -> "3511 3032" [label="[]", style=solid]; +"3503 3021" -> "3504 3022" [label="[]", style=solid]; +"3504 3022" -> "3508 3025" [label="[]", style=solid]; +"3505 3017" -> "3506 3019" [label="[]", style=solid]; +"3506 3019" -> "3507 3020" [label="[]", style=solid]; +"3506 3019" -> "3680 3030" [label="[]", style=solid]; +"3507 3020" -> "3508 3025" [label="[]", style=solid]; +"3508 3025" -> "3509 3027" [label="[-1, 3]", style=dashed]; +"3509 3027" -> "3510 3028" [label="[-1, 1]", style=dashed]; +"3510 3028" -> "3511 3032" [label="[-1]", style=dashed]; +"3510 3028" -> "3679 3029" [label="[-1]", style=dashed]; +"3511 3032" -> "3512 6520" [label="[]", style=solid]; +"3512 6520" -> "3513 6521" [label="[]", style=solid]; +"3512 6520" -> "3519 6528" [label="[]", style=solid]; +"3512 6520" -> "4259 6534" [label="[]", style=solid]; +"3513 6521" -> "3514 6523" [label="[-1]", style=dashed]; +"3514 6523" -> "3515 6524" [label="[-1]", style=dashed]; +"3515 6524" -> "3516 6525" [label="[-1]", style=dashed]; +"3516 6525" -> "3517 6526" [label="[]", style=dashed]; +"3517 6526" -> "3518 6527" [label="[]", style=dashed]; +"3518 6527" -> "3519 6528" [label="[1]", style=dashed]; +"3519 6528" -> "3520 6529" [label="[]", style=dashed]; +"3519 6528" -> "4244 6532" [label="[]", style=dashed]; +"3519 6528" -> "4258 6533" [label="[]", style=dashed]; +"3520 6529" -> "3682 6530" [label="[]", style=dashed]; +"3521 6505" -> "3522 6506" [label="[-1]", style=dashed]; +"3522 6506" -> "3681 6518" [label="[]", style=solid]; +"3522 6506" -> "3923 6513" [label="[]", style=solid]; +"3523 6461" -> "3524 6462" [label="[-1]", style=dashed]; +"3524 6462" -> "3681 6518" [label="[]", style=solid]; +"3524 6462" -> "3927 6469" [label="[]", style=solid]; +"3525 6417" -> "3526 6418" [label="[-1]", style=dashed]; +"3526 6418" -> "3681 6518" [label="[]", style=solid]; +"3526 6418" -> "3931 6425" [label="[]", style=solid]; +"3527 6373" -> "3528 6374" [label="[-1]", style=dashed]; +"3528 6374" -> "3681 6518" [label="[]", style=solid]; +"3528 6374" -> "3935 6381" [label="[]", style=solid]; +"3529 6329" -> "3530 6330" [label="[-1]", style=dashed]; +"3530 6330" -> "3681 6518" [label="[]", style=solid]; +"3530 6330" -> "3939 6337" [label="[]", style=solid]; +"3531 6285" -> "3532 6286" [label="[-1]", style=dashed]; +"3532 6286" -> "3681 6518" [label="[]", style=solid]; +"3532 6286" -> "3943 6293" [label="[]", style=solid]; +"3533 6241" -> "3534 6242" [label="[-1]", style=dashed]; +"3534 6242" -> "3681 6518" [label="[]", style=solid]; +"3534 6242" -> "3947 6249" [label="[]", style=solid]; +"3535 6197" -> "3536 6198" [label="[-1]", style=dashed]; +"3536 6198" -> "3681 6518" [label="[]", style=solid]; +"3536 6198" -> "3951 6205" [label="[]", style=solid]; +"3537 6153" -> "3538 6154" [label="[-1]", style=dashed]; +"3538 6154" -> "3681 6518" [label="[]", style=solid]; +"3538 6154" -> "3955 6161" [label="[]", style=solid]; +"3539 6109" -> "3540 6110" [label="[-1]", style=dashed]; +"3540 6110" -> "3681 6518" [label="[]", style=solid]; +"3540 6110" -> "3959 6117" [label="[]", style=solid]; +"3541 6065" -> "3542 6066" [label="[-1]", style=dashed]; +"3542 6066" -> "3681 6518" [label="[]", style=solid]; +"3542 6066" -> "3963 6073" [label="[]", style=solid]; +"3543 6021" -> "3544 6022" [label="[-1]", style=dashed]; +"3544 6022" -> "3681 6518" [label="[]", style=solid]; +"3544 6022" -> "3967 6029" [label="[]", style=solid]; +"3545 5977" -> "3546 5978" [label="[-1]", style=dashed]; +"3546 5978" -> "3681 6518" [label="[]", style=solid]; +"3546 5978" -> "3971 5985" [label="[]", style=solid]; +"3547 5933" -> "3548 5934" [label="[-1]", style=dashed]; +"3548 5934" -> "3681 6518" [label="[]", style=solid]; +"3548 5934" -> "3975 5941" [label="[]", style=solid]; +"3549 5889" -> "3550 5890" [label="[-1]", style=dashed]; +"3550 5890" -> "3681 6518" [label="[]", style=solid]; +"3550 5890" -> "3979 5897" [label="[]", style=solid]; +"3551 5845" -> "3552 5846" [label="[-1]", style=dashed]; +"3552 5846" -> "3681 6518" [label="[]", style=solid]; +"3552 5846" -> "3983 5853" [label="[]", style=solid]; +"3553 5801" -> "3554 5802" [label="[-1]", style=dashed]; +"3554 5802" -> "3681 6518" [label="[]", style=solid]; +"3554 5802" -> "3987 5809" [label="[]", style=solid]; +"3555 5757" -> "3556 5758" [label="[-1]", style=dashed]; +"3556 5758" -> "3681 6518" [label="[]", style=solid]; +"3556 5758" -> "3991 5765" [label="[]", style=solid]; +"3557 5713" -> "3558 5714" [label="[-1]", style=dashed]; +"3558 5714" -> "3681 6518" [label="[]", style=solid]; +"3558 5714" -> "3995 5721" [label="[]", style=solid]; +"3559 5669" -> "3560 5670" [label="[-1]", style=dashed]; +"3560 5670" -> "3681 6518" [label="[]", style=solid]; +"3560 5670" -> "3999 5677" [label="[]", style=solid]; +"3561 5625" -> "3562 5626" [label="[-1]", style=dashed]; +"3562 5626" -> "3681 6518" [label="[]", style=solid]; +"3562 5626" -> "4003 5633" [label="[]", style=solid]; +"3563 5581" -> "3564 5582" [label="[-1]", style=dashed]; +"3564 5582" -> "3681 6518" [label="[]", style=solid]; +"3564 5582" -> "4007 5589" [label="[]", style=solid]; +"3565 5537" -> "3566 5538" [label="[-1]", style=dashed]; +"3566 5538" -> "3681 6518" [label="[]", style=solid]; +"3566 5538" -> "4011 5545" [label="[]", style=solid]; +"3567 5493" -> "3568 5494" [label="[-1]", style=dashed]; +"3568 5494" -> "3681 6518" [label="[]", style=solid]; +"3568 5494" -> "4015 5501" [label="[]", style=solid]; +"3569 5449" -> "3570 5450" [label="[-1]", style=dashed]; +"3570 5450" -> "3681 6518" [label="[]", style=solid]; +"3570 5450" -> "4019 5457" [label="[]", style=solid]; +"3571 5405" -> "3572 5406" [label="[-1]", style=dashed]; +"3572 5406" -> "3681 6518" [label="[]", style=solid]; +"3572 5406" -> "4023 5413" [label="[]", style=solid]; +"3573 5361" -> "3574 5362" [label="[-1]", style=dashed]; +"3574 5362" -> "3681 6518" [label="[]", style=solid]; +"3574 5362" -> "4027 5369" [label="[]", style=solid]; +"3575 5317" -> "3576 5318" [label="[-1]", style=dashed]; +"3576 5318" -> "3681 6518" [label="[]", style=solid]; +"3576 5318" -> "4031 5325" [label="[]", style=solid]; +"3577 5273" -> "3578 5274" [label="[-1]", style=dashed]; +"3578 5274" -> "3681 6518" [label="[]", style=solid]; +"3578 5274" -> "4035 5281" [label="[]", style=solid]; +"3579 5229" -> "3580 5230" [label="[-1]", style=dashed]; +"3580 5230" -> "3681 6518" [label="[]", style=solid]; +"3580 5230" -> "4039 5237" [label="[]", style=solid]; +"3581 5185" -> "3582 5186" [label="[-1]", style=dashed]; +"3582 5186" -> "3681 6518" [label="[]", style=solid]; +"3582 5186" -> "4043 5193" [label="[]", style=solid]; +"3583 5141" -> "3584 5142" [label="[-1]", style=dashed]; +"3584 5142" -> "3681 6518" [label="[]", style=solid]; +"3584 5142" -> "4047 5149" [label="[]", style=solid]; +"3585 5097" -> "3586 5098" [label="[-1]", style=dashed]; +"3586 5098" -> "3681 6518" [label="[]", style=solid]; +"3586 5098" -> "4051 5105" [label="[]", style=solid]; +"3587 5053" -> "3588 5054" [label="[-1]", style=dashed]; +"3588 5054" -> "3681 6518" [label="[]", style=solid]; +"3588 5054" -> "4055 5061" [label="[]", style=solid]; +"3589 5009" -> "3590 5010" [label="[-1]", style=dashed]; +"3590 5010" -> "3681 6518" [label="[]", style=solid]; +"3590 5010" -> "4059 5017" [label="[]", style=solid]; +"3591 4965" -> "3592 4966" [label="[-1]", style=dashed]; +"3592 4966" -> "3681 6518" [label="[]", style=solid]; +"3592 4966" -> "4063 4973" [label="[]", style=solid]; +"3593 4921" -> "3594 4922" [label="[-1]", style=dashed]; +"3594 4922" -> "3681 6518" [label="[]", style=solid]; +"3594 4922" -> "4067 4929" [label="[]", style=solid]; +"3595 4877" -> "3596 4878" [label="[-1]", style=dashed]; +"3596 4878" -> "3681 6518" [label="[]", style=solid]; +"3596 4878" -> "4071 4885" [label="[]", style=solid]; +"3597 4833" -> "3598 4834" [label="[-1]", style=dashed]; +"3598 4834" -> "3681 6518" [label="[]", style=solid]; +"3598 4834" -> "4075 4841" [label="[]", style=solid]; +"3599 4789" -> "3600 4790" [label="[-1]", style=dashed]; +"3600 4790" -> "3681 6518" [label="[]", style=solid]; +"3600 4790" -> "4079 4797" [label="[]", style=solid]; +"3601 4745" -> "3602 4746" [label="[-1]", style=dashed]; +"3602 4746" -> "3681 6518" [label="[]", style=solid]; +"3602 4746" -> "4083 4753" [label="[]", style=solid]; +"3603 4701" -> "3604 4702" [label="[-1]", style=dashed]; +"3604 4702" -> "3681 6518" [label="[]", style=solid]; +"3604 4702" -> "4087 4709" [label="[]", style=solid]; +"3605 4657" -> "3606 4658" [label="[-1]", style=dashed]; +"3606 4658" -> "3681 6518" [label="[]", style=solid]; +"3606 4658" -> "4091 4665" [label="[]", style=solid]; +"3607 4613" -> "3608 4614" [label="[-1]", style=dashed]; +"3608 4614" -> "3681 6518" [label="[]", style=solid]; +"3608 4614" -> "4095 4621" [label="[]", style=solid]; +"3609 4569" -> "3610 4570" [label="[-1]", style=dashed]; +"3610 4570" -> "3681 6518" [label="[]", style=solid]; +"3610 4570" -> "4099 4577" [label="[]", style=solid]; +"3611 4525" -> "3612 4526" [label="[-1]", style=dashed]; +"3612 4526" -> "3681 6518" [label="[]", style=solid]; +"3612 4526" -> "4103 4533" [label="[]", style=solid]; +"3613 4481" -> "3614 4482" [label="[-1]", style=dashed]; +"3614 4482" -> "3681 6518" [label="[]", style=solid]; +"3614 4482" -> "4107 4489" [label="[]", style=solid]; +"3615 4437" -> "3616 4438" [label="[-1]", style=dashed]; +"3616 4438" -> "3681 6518" [label="[]", style=solid]; +"3616 4438" -> "4111 4445" [label="[]", style=solid]; +"3617 4393" -> "3618 4394" [label="[-1]", style=dashed]; +"3618 4394" -> "3681 6518" [label="[]", style=solid]; +"3618 4394" -> "4115 4401" [label="[]", style=solid]; +"3619 4349" -> "3620 4350" [label="[-1]", style=dashed]; +"3620 4350" -> "3681 6518" [label="[]", style=solid]; +"3620 4350" -> "4119 4357" [label="[]", style=solid]; +"3621 4305" -> "3622 4306" [label="[-1]", style=dashed]; +"3622 4306" -> "3681 6518" [label="[]", style=solid]; +"3622 4306" -> "4123 4313" [label="[]", style=solid]; +"3623 4261" -> "3624 4262" [label="[-1]", style=dashed]; +"3624 4262" -> "3681 6518" [label="[]", style=solid]; +"3624 4262" -> "4127 4269" [label="[]", style=solid]; +"3625 4217" -> "3626 4218" [label="[-1]", style=dashed]; +"3626 4218" -> "3681 6518" [label="[]", style=solid]; +"3626 4218" -> "4131 4225" [label="[]", style=solid]; +"3627 4173" -> "3628 4174" [label="[-1]", style=dashed]; +"3628 4174" -> "3681 6518" [label="[]", style=solid]; +"3628 4174" -> "4135 4181" [label="[]", style=solid]; +"3629 4129" -> "3630 4130" [label="[-1]", style=dashed]; +"3630 4130" -> "3681 6518" [label="[]", style=solid]; +"3630 4130" -> "4139 4137" [label="[]", style=solid]; +"3631 4085" -> "3632 4086" [label="[-1]", style=dashed]; +"3632 4086" -> "3681 6518" [label="[]", style=solid]; +"3632 4086" -> "4143 4093" [label="[]", style=solid]; +"3633 4041" -> "3634 4042" [label="[-1]", style=dashed]; +"3634 4042" -> "3681 6518" [label="[]", style=solid]; +"3634 4042" -> "4147 4049" [label="[]", style=solid]; +"3635 3997" -> "3636 3998" [label="[-1]", style=dashed]; +"3636 3998" -> "3681 6518" [label="[]", style=solid]; +"3636 3998" -> "4151 4005" [label="[]", style=solid]; +"3637 3953" -> "3638 3954" [label="[-1]", style=dashed]; +"3638 3954" -> "3681 6518" [label="[]", style=solid]; +"3638 3954" -> "4155 3961" [label="[]", style=solid]; +"3639 3909" -> "3640 3910" [label="[-1]", style=dashed]; +"3640 3910" -> "3681 6518" [label="[]", style=solid]; +"3640 3910" -> "4159 3917" [label="[]", style=solid]; +"3641 3865" -> "3642 3866" [label="[-1]", style=dashed]; +"3642 3866" -> "3681 6518" [label="[]", style=solid]; +"3642 3866" -> "4163 3873" [label="[]", style=solid]; +"3643 3821" -> "3644 3822" [label="[-1]", style=dashed]; +"3644 3822" -> "3681 6518" [label="[]", style=solid]; +"3644 3822" -> "4167 3829" [label="[]", style=solid]; +"3645 3777" -> "3646 3778" [label="[-1]", style=dashed]; +"3646 3778" -> "3681 6518" [label="[]", style=solid]; +"3646 3778" -> "4171 3785" [label="[]", style=solid]; +"3647 3733" -> "3648 3734" [label="[-1]", style=dashed]; +"3648 3734" -> "3681 6518" [label="[]", style=solid]; +"3648 3734" -> "4175 3741" [label="[]", style=solid]; +"3649 3689" -> "3650 3690" [label="[-1]", style=dashed]; +"3650 3690" -> "3681 6518" [label="[]", style=solid]; +"3650 3690" -> "4179 3697" [label="[]", style=solid]; +"3651 3645" -> "3652 3646" [label="[-1]", style=dashed]; +"3652 3646" -> "3681 6518" [label="[]", style=solid]; +"3652 3646" -> "4183 3653" [label="[]", style=solid]; +"3653 3601" -> "3654 3602" [label="[-1]", style=dashed]; +"3654 3602" -> "3681 6518" [label="[]", style=solid]; +"3654 3602" -> "4187 3609" [label="[]", style=solid]; +"3655 3557" -> "3656 3558" [label="[-1]", style=dashed]; +"3656 3558" -> "3681 6518" [label="[]", style=solid]; +"3656 3558" -> "4191 3565" [label="[]", style=solid]; +"3657 3513" -> "3658 3514" [label="[-1]", style=dashed]; +"3658 3514" -> "3681 6518" [label="[]", style=solid]; +"3658 3514" -> "4195 3521" [label="[]", style=solid]; +"3659 3469" -> "3660 3470" [label="[-1]", style=dashed]; +"3660 3470" -> "3681 6518" [label="[]", style=solid]; +"3660 3470" -> "4199 3477" [label="[]", style=solid]; +"3661 3425" -> "3662 3426" [label="[-1]", style=dashed]; +"3662 3426" -> "3681 6518" [label="[]", style=solid]; +"3662 3426" -> "4203 3433" [label="[]", style=solid]; +"3663 3381" -> "3664 3382" [label="[-1]", style=dashed]; +"3664 3382" -> "3681 6518" [label="[]", style=solid]; +"3664 3382" -> "4207 3389" [label="[]", style=solid]; +"3665 3337" -> "3666 3338" [label="[-1]", style=dashed]; +"3666 3338" -> "3681 6518" [label="[]", style=solid]; +"3666 3338" -> "4211 3345" [label="[]", style=solid]; +"3667 3293" -> "3668 3294" [label="[-1]", style=dashed]; +"3668 3294" -> "3681 6518" [label="[]", style=solid]; +"3668 3294" -> "4215 3301" [label="[]", style=solid]; +"3669 3249" -> "3670 3250" [label="[-1]", style=dashed]; +"3670 3250" -> "3681 6518" [label="[]", style=solid]; +"3670 3250" -> "4219 3257" [label="[]", style=solid]; +"3671 3205" -> "3672 3206" [label="[-1]", style=dashed]; +"3672 3206" -> "3681 6518" [label="[]", style=solid]; +"3672 3206" -> "4223 3213" [label="[]", style=solid]; +"3673 3161" -> "3674 3162" [label="[-1]", style=dashed]; +"3674 3162" -> "3681 6518" [label="[]", style=solid]; +"3674 3162" -> "4227 3169" [label="[]", style=solid]; +"3675 3117" -> "3676 3118" [label="[-1]", style=dashed]; +"3676 3118" -> "3681 6518" [label="[]", style=solid]; +"3676 3118" -> "4231 3125" [label="[]", style=solid]; +"3677 3073" -> "3678 3074" [label="[-1]", style=dashed]; +"3678 3074" -> "3681 6518" [label="[]", style=solid]; +"3678 3074" -> "4235 3081" [label="[]", style=solid]; +"3679 3029" -> "3680 3030" [label="[-1]", style=dashed]; +"3680 3030" -> "3681 6518" [label="[]", style=solid]; +"3680 3030" -> "4239 3037" [label="[]", style=solid]; +"3681 6518" -> "3682 6530" [label="[]", style=solid]; +"3682 6530" -> "3683 QuantizeLinear_6568_1" [label="[-1, 4]", style=solid]; +"3682 6530" -> "3685 QuantizeLinear_6568_2" [label="[-1, 4]", style=solid]; +"3682 6530" -> "3687 QuantizeLinear_6568_3" [label="[-1, 4]", style=solid]; +"3682 6530" -> "3689 QuantizeLinear_6568_4" [label="[-1, 4]", style=solid]; +"3682 6530" -> "3726 6539" [label="[-1, 4]", style=solid]; +"3682 6530" -> "3730 6547" [label="[-1, 4]", style=solid]; +"3682 6530" -> "4261 nncf_model_output_0" [label="[-1, 4]", style=solid]; +"3683 QuantizeLinear_6568_1" -> "3684 DequantizeLinear_6568_1" [label="[-1, 4]", style=dashed]; +"3684 DequantizeLinear_6568_1" -> "3691 6576" [label="[-1, 4]", style=solid]; +"3685 QuantizeLinear_6568_2" -> "3686 DequantizeLinear_6568_2" [label="[-1, 4]", style=dashed]; +"3686 DequantizeLinear_6568_2" -> "3693 6569" [label="[-1, 4]", style=solid]; +"3687 QuantizeLinear_6568_3" -> "3688 DequantizeLinear_6568_3" [label="[-1, 4]", style=dashed]; +"3688 DequantizeLinear_6568_3" -> "3697 6559" [label="[-1, 4]", style=solid]; +"3689 QuantizeLinear_6568_4" -> "3690 DequantizeLinear_6568_4" [label="[-1, 4]", style=dashed]; +"3690 DequantizeLinear_6568_4" -> "3699 6552" [label="[-1, 4]", style=solid]; +"3691 6576" -> "3692 6578" [label="[-1, 4]", style=solid]; +"3692 6578" -> "3695 6579" [label="[-1]", style=solid]; +"3693 6569" -> "3694 6571" [label="[-1, 4]", style=solid]; +"3694 6571" -> "3695 6579" [label="[-1]", style=solid]; +"3695 6579" -> "3696 6581" [label="[-1]", style=solid]; +"3696 6581" -> "3703 QuantizeLinear_6619_1" [label="[-1]", style=solid]; +"3697 6559" -> "3698 6561" [label="[-1, 4]", style=solid]; +"3698 6561" -> "3701 6562" [label="[-1]", style=solid]; +"3699 6552" -> "3700 6554" [label="[-1, 4]", style=solid]; +"3700 6554" -> "3701 6562" [label="[-1]", style=solid]; +"3701 6562" -> "3702 6564" [label="[-1]", style=solid]; +"3702 6564" -> "3705 QuantizeLinear_6602_1" [label="[-1]", style=solid]; +"3703 QuantizeLinear_6619_1" -> "3704 DequantizeLinear_6619_1" [label="[-1]", style=dashed]; +"3704 DequantizeLinear_6619_1" -> "3707 6582" [label="[-1]", style=solid]; +"3705 QuantizeLinear_6602_1" -> "3706 DequantizeLinear_6602_1" [label="[-1]", style=dashed]; +"3706 DequantizeLinear_6602_1" -> "3707 6582" [label="[-1]", style=solid]; +"3707 6582" -> "3708 QuantizeLinear_6620_1" [label="[-1]", style=solid]; +"3708 QuantizeLinear_6620_1" -> "3709 DequantizeLinear_6620_1" [label="[-1]", style=dashed]; +"3709 DequantizeLinear_6620_1" -> "3710 6583" [label="[-1]", style=solid]; +"3710 6583" -> "3711 6586" [label="[-1]", style=solid]; +"3711 6586" -> "3712 6587" [label="[-1]", style=solid]; +"3712 6587" -> "3713 6588" [label="[-1]", style=solid]; +"3713 6588" -> "3714 6590" [label="[-1]", style=solid]; +"3714 6590" -> "3715 6592" [label="[-1]", style=solid]; +"3715 6592" -> "3716 6593" [label="[-1]", style=solid]; +"3716 6593" -> "3717 6594" [label="[-1]", style=solid]; +"3717 6594" -> "3718 6595" [label="[-1]", style=solid]; +"3718 6595" -> "3719 6597" [label="[-1]", style=dashed]; +"3719 6597" -> "3720 6599" [label="[-1]", style=dashed]; +"3719 6597" -> "3747 6685" [label="[-1]", style=dashed]; +"3719 6597" -> "3767 6667" [label="[-1]", style=dashed]; +"3719 6597" -> "3773 6616" [label="[-1]", style=dashed]; +"3719 6597" -> "3795 6713" [label="[-1]", style=dashed]; +"3719 6597" -> "3807 6633" [label="[-1]", style=dashed]; +"3719 6597" -> "3829 6741" [label="[-1]", style=dashed]; +"3719 6597" -> "3841 6650" [label="[-1]", style=dashed]; +"3719 6597" -> "3863 6769" [label="[-1]", style=dashed]; +"3720 6599" -> "3721 6601" [label="[-1]", style=dashed]; +"3721 6601" -> "3722 6602" [label="[-1]", style=solid]; +"3722 6602" -> "3723 6603" [label="[1, -1]", style=dashed]; +"3723 6603" -> "3724 6604" [label="[-1, 1]", style=dashed]; +"3724 6604" -> "3725 6605" [label="[-1]", style=dashed]; +"3725 6605" -> "3731 6606" [label="[-1]", style=dashed]; +"3726 6539" -> "3727 6544" [label="[-1, 4]", style=solid]; +"3727 6544" -> "3728 6545" [label="[-1, 1]", style=solid]; +"3728 6545" -> "3729 6546" [label="[2]", style=dashed]; +"3729 6546" -> "3730 6547" [label="[-1, -1]", style=solid]; +"3730 6547" -> "3731 6606" [label="[-1, -1]", style=solid]; +"3730 6547" -> "3779 6623" [label="[-1, -1]", style=solid]; +"3730 6547" -> "3813 6640" [label="[-1, -1]", style=solid]; +"3730 6547" -> "3847 6657" [label="[-1, -1]", style=solid]; +"3731 6606" -> "3732 6612" [label="[-1, -1]", style=solid]; +"3731 6606" -> "3733 6608" [label="[-1, -1]", style=solid]; +"3732 6612" -> "3736 6613" [label="[-1, 4]", style=solid]; +"3733 6608" -> "3734 6609" [label="[-1, 1]", style=solid]; +"3734 6609" -> "3735 6610" [label="[-1]", style=solid]; +"3735 6610" -> "3736 6613" [label="[-1]", style=dashed]; +"3736 6613" -> "3737 6614" [label="[-1, 256, 14, 14]", style=solid]; +"3737 6614" -> "3738 6702" [label="[-1, 256, 14, 14]", style=solid]; +"3737 6614" -> "3741 6699" [label="[-1, 256, 14, 14]", style=solid]; +"3737 6614" -> "3744 6696" [label="[-1, 256, 14, 14]", style=solid]; +"3737 6614" -> "3758 6676" [label="[-1, 256, 14, 14]", style=solid]; +"3737 6614" -> "3761 6673" [label="[-1, 256, 14, 14]", style=solid]; +"3737 6614" -> "3764 6670" [label="[-1, 256, 14, 14]", style=solid]; +"3737 6614" -> "3772 6711" [label="[-1, 256, 14, 14]", style=solid]; +"3738 6702" -> "3739 6703" [label="[4]", style=dashed]; +"3739 6703" -> "3740 6707" [label="[]", style=dashed]; +"3740 6707" -> "3755 6708" [label="[1]", style=dashed]; +"3741 6699" -> "3742 6700" [label="[4]", style=dashed]; +"3742 6700" -> "3743 6706" [label="[]", style=dashed]; +"3743 6706" -> "3755 6708" [label="[1]", style=dashed]; +"3744 6696" -> "3745 6697" [label="[4]", style=dashed]; +"3745 6697" -> "3746 6705" [label="[]", style=dashed]; +"3746 6705" -> "3755 6708" [label="[1]", style=dashed]; +"3747 6685" -> "3748 6687" [label="[-1]", style=dashed]; +"3748 6687" -> "3749 6688" [label="[-1]", style=solid]; +"3749 6688" -> "3750 6689" [label="[1, -1]", style=dashed]; +"3750 6689" -> "3751 6691" [label="[-1, 1]", style=dashed]; +"3751 6691" -> "3752 6693" [label="[-1, 1, 1, 1]", style=dashed]; +"3751 6691" -> "3756 6709" [label="[-1, 1, 1, 1]", style=dashed]; +"3752 6693" -> "3753 6694" [label="[4]", style=dashed]; +"3753 6694" -> "3754 6704" [label="[]", style=dashed]; +"3754 6704" -> "3755 6708" [label="[1]", style=dashed]; +"3755 6708" -> "3756 6709" [label="[4]", style=dashed]; +"3756 6709" -> "3757 6710" [label="[-1, -1, -1, -1]", style=dashed]; +"3757 6710" -> "3772 6711" [label="[-1, -1, -1, -1]", style=dashed]; +"3758 6676" -> "3759 6677" [label="[4]", style=dashed]; +"3759 6677" -> "3760 6681" [label="[]", style=dashed]; +"3760 6681" -> "3770 6682" [label="[1]", style=dashed]; +"3761 6673" -> "3762 6674" [label="[4]", style=dashed]; +"3762 6674" -> "3763 6680" [label="[]", style=dashed]; +"3763 6680" -> "3770 6682" [label="[1]", style=dashed]; +"3764 6670" -> "3765 6671" [label="[4]", style=dashed]; +"3765 6671" -> "3766 6679" [label="[]", style=dashed]; +"3766 6679" -> "3770 6682" [label="[1]", style=dashed]; +"3767 6667" -> "3768 6668" [label="[1]", style=dashed]; +"3768 6668" -> "3769 6678" [label="[]", style=dashed]; +"3769 6678" -> "3770 6682" [label="[1]", style=dashed]; +"3770 6682" -> "3771 6683" [label="[4]", style=dashed]; +"3771 6683" -> "3772 6711" [label="[-1, -1, -1, -1]", style=solid]; +"3772 6711" -> "3806 6739" [label="[-1, -1, -1, -1]", style=solid]; +"3773 6616" -> "3774 6618" [label="[-1]", style=dashed]; +"3774 6618" -> "3775 6619" [label="[-1]", style=solid]; +"3775 6619" -> "3776 6620" [label="[1, -1]", style=dashed]; +"3776 6620" -> "3777 6621" [label="[-1, 1]", style=dashed]; +"3777 6621" -> "3778 6622" [label="[-1]", style=dashed]; +"3778 6622" -> "3779 6623" [label="[-1]", style=dashed]; +"3779 6623" -> "3780 6629" [label="[-1, -1]", style=solid]; +"3779 6623" -> "3781 6625" [label="[-1, -1]", style=solid]; +"3780 6629" -> "3784 6630" [label="[-1, 4]", style=solid]; +"3781 6625" -> "3782 6626" [label="[-1, 1]", style=solid]; +"3782 6626" -> "3783 6627" [label="[-1]", style=solid]; +"3783 6627" -> "3784 6630" [label="[-1]", style=dashed]; +"3784 6630" -> "3785 6631" [label="[-1, 256, 14, 14]", style=solid]; +"3785 6631" -> "3786 6730" [label="[-1, 256, 14, 14]", style=solid]; +"3785 6631" -> "3789 6727" [label="[-1, 256, 14, 14]", style=solid]; +"3785 6631" -> "3792 6724" [label="[-1, 256, 14, 14]", style=solid]; +"3785 6631" -> "3806 6739" [label="[-1, 256, 14, 14]", style=solid]; +"3786 6730" -> "3787 6731" [label="[4]", style=dashed]; +"3787 6731" -> "3788 6735" [label="[]", style=dashed]; +"3788 6735" -> "3803 6736" [label="[1]", style=dashed]; +"3789 6727" -> "3790 6728" [label="[4]", style=dashed]; +"3790 6728" -> "3791 6734" [label="[]", style=dashed]; +"3791 6734" -> "3803 6736" [label="[1]", style=dashed]; +"3792 6724" -> "3793 6725" [label="[4]", style=dashed]; +"3793 6725" -> "3794 6733" [label="[]", style=dashed]; +"3794 6733" -> "3803 6736" [label="[1]", style=dashed]; +"3795 6713" -> "3796 6715" [label="[-1]", style=dashed]; +"3796 6715" -> "3797 6716" [label="[-1]", style=solid]; +"3797 6716" -> "3798 6717" [label="[1, -1]", style=dashed]; +"3798 6717" -> "3799 6719" [label="[-1, 1]", style=dashed]; +"3799 6719" -> "3800 6721" [label="[-1, 1, 1, 1]", style=dashed]; +"3799 6719" -> "3804 6737" [label="[-1, 1, 1, 1]", style=dashed]; +"3800 6721" -> "3801 6722" [label="[4]", style=dashed]; +"3801 6722" -> "3802 6732" [label="[]", style=dashed]; +"3802 6732" -> "3803 6736" [label="[1]", style=dashed]; +"3803 6736" -> "3804 6737" [label="[4]", style=dashed]; +"3804 6737" -> "3805 6738" [label="[-1, -1, -1, -1]", style=dashed]; +"3805 6738" -> "3806 6739" [label="[-1, -1, -1, -1]", style=dashed]; +"3806 6739" -> "3840 6767" [label="[-1, -1, -1, -1]", style=solid]; +"3807 6633" -> "3808 6635" [label="[-1]", style=dashed]; +"3808 6635" -> "3809 6636" [label="[-1]", style=solid]; +"3809 6636" -> "3810 6637" [label="[1, -1]", style=dashed]; +"3810 6637" -> "3811 6638" [label="[-1, 1]", style=dashed]; +"3811 6638" -> "3812 6639" [label="[-1]", style=dashed]; +"3812 6639" -> "3813 6640" [label="[-1]", style=dashed]; +"3813 6640" -> "3814 6646" [label="[-1, -1]", style=solid]; +"3813 6640" -> "3815 6642" [label="[-1, -1]", style=solid]; +"3814 6646" -> "3818 6647" [label="[-1, 4]", style=solid]; +"3815 6642" -> "3816 6643" [label="[-1, 1]", style=solid]; +"3816 6643" -> "3817 6644" [label="[-1]", style=solid]; +"3817 6644" -> "3818 6647" [label="[-1]", style=dashed]; +"3818 6647" -> "3819 6648" [label="[-1, 256, 14, 14]", style=solid]; +"3819 6648" -> "3820 6758" [label="[-1, 256, 14, 14]", style=solid]; +"3819 6648" -> "3823 6755" [label="[-1, 256, 14, 14]", style=solid]; +"3819 6648" -> "3826 6752" [label="[-1, 256, 14, 14]", style=solid]; +"3819 6648" -> "3840 6767" [label="[-1, 256, 14, 14]", style=solid]; +"3820 6758" -> "3821 6759" [label="[4]", style=dashed]; +"3821 6759" -> "3822 6763" [label="[]", style=dashed]; +"3822 6763" -> "3837 6764" [label="[1]", style=dashed]; +"3823 6755" -> "3824 6756" [label="[4]", style=dashed]; +"3824 6756" -> "3825 6762" [label="[]", style=dashed]; +"3825 6762" -> "3837 6764" [label="[1]", style=dashed]; +"3826 6752" -> "3827 6753" [label="[4]", style=dashed]; +"3827 6753" -> "3828 6761" [label="[]", style=dashed]; +"3828 6761" -> "3837 6764" [label="[1]", style=dashed]; +"3829 6741" -> "3830 6743" [label="[-1]", style=dashed]; +"3830 6743" -> "3831 6744" [label="[-1]", style=solid]; +"3831 6744" -> "3832 6745" [label="[1, -1]", style=dashed]; +"3832 6745" -> "3833 6747" [label="[-1, 1]", style=dashed]; +"3833 6747" -> "3834 6749" [label="[-1, 1, 1, 1]", style=dashed]; +"3833 6747" -> "3838 6765" [label="[-1, 1, 1, 1]", style=dashed]; +"3834 6749" -> "3835 6750" [label="[4]", style=dashed]; +"3835 6750" -> "3836 6760" [label="[]", style=dashed]; +"3836 6760" -> "3837 6764" [label="[1]", style=dashed]; +"3837 6764" -> "3838 6765" [label="[4]", style=dashed]; +"3838 6765" -> "3839 6766" [label="[-1, -1, -1, -1]", style=dashed]; +"3839 6766" -> "3840 6767" [label="[-1, -1, -1, -1]", style=dashed]; +"3840 6767" -> "3874 6795" [label="[-1, -1, -1, -1]", style=solid]; +"3841 6650" -> "3842 6652" [label="[-1]", style=dashed]; +"3842 6652" -> "3843 6653" [label="[-1]", style=solid]; +"3843 6653" -> "3844 6654" [label="[1, -1]", style=dashed]; +"3844 6654" -> "3845 6655" [label="[-1, 1]", style=dashed]; +"3845 6655" -> "3846 6656" [label="[-1]", style=dashed]; +"3846 6656" -> "3847 6657" [label="[-1]", style=dashed]; +"3847 6657" -> "3848 6663" [label="[-1, -1]", style=solid]; +"3847 6657" -> "3849 6659" [label="[-1, -1]", style=solid]; +"3848 6663" -> "3852 6664" [label="[-1, 4]", style=solid]; +"3849 6659" -> "3850 6660" [label="[-1, 1]", style=solid]; +"3850 6660" -> "3851 6661" [label="[-1]", style=solid]; +"3851 6661" -> "3852 6664" [label="[-1]", style=dashed]; +"3852 6664" -> "3853 6665" [label="[-1, 256, 14, 14]", style=solid]; +"3853 6665" -> "3854 6786" [label="[-1, 256, 14, 14]", style=solid]; +"3853 6665" -> "3857 6783" [label="[-1, 256, 14, 14]", style=solid]; +"3853 6665" -> "3860 6780" [label="[-1, 256, 14, 14]", style=solid]; +"3853 6665" -> "3874 6795" [label="[-1, 256, 14, 14]", style=solid]; +"3854 6786" -> "3855 6787" [label="[4]", style=dashed]; +"3855 6787" -> "3856 6791" [label="[]", style=dashed]; +"3856 6791" -> "3871 6792" [label="[1]", style=dashed]; +"3857 6783" -> "3858 6784" [label="[4]", style=dashed]; +"3858 6784" -> "3859 6790" [label="[]", style=dashed]; +"3859 6790" -> "3871 6792" [label="[1]", style=dashed]; +"3860 6780" -> "3861 6781" [label="[4]", style=dashed]; +"3861 6781" -> "3862 6789" [label="[]", style=dashed]; +"3862 6789" -> "3871 6792" [label="[1]", style=dashed]; +"3863 6769" -> "3864 6771" [label="[-1]", style=dashed]; +"3864 6771" -> "3865 6772" [label="[-1]", style=solid]; +"3865 6772" -> "3866 6773" [label="[1, -1]", style=dashed]; +"3866 6773" -> "3867 6775" [label="[-1, 1]", style=dashed]; +"3867 6775" -> "3868 6777" [label="[-1, 1, 1, 1]", style=dashed]; +"3867 6775" -> "3872 6793" [label="[-1, 1, 1, 1]", style=dashed]; +"3868 6777" -> "3869 6778" [label="[4]", style=dashed]; +"3869 6778" -> "3870 6788" [label="[]", style=dashed]; +"3870 6788" -> "3871 6792" [label="[1]", style=dashed]; +"3871 6792" -> "3872 6793" [label="[4]", style=dashed]; +"3872 6793" -> "3873 6794" [label="[-1, -1, -1, -1]", style=dashed]; +"3873 6794" -> "3874 6795" [label="[-1, -1, -1, -1]", style=dashed]; +"3874 6795" -> "3875 QuantizeLinear_6833_1" [label="[-1, -1, -1, -1]", style=solid]; +"3875 QuantizeLinear_6833_1" -> "3876 DequantizeLinear_6833_1" [label="[-1, -1, -1, -1]", style=dashed]; +"3876 DequantizeLinear_6833_1" -> "3879 6798" [label="[-1, -1, -1, -1]", style=solid]; +"3877 QuantizeLinear_6834_1" -> "3878 DequantizeLinear_6834_1" [label="[256, 256, 3, 3]", style=dashed]; +"3878 DequantizeLinear_6834_1" -> "3879 6798" [label="[256, 256, 3, 3]", style=solid]; +"3879 6798" -> "3880 6799" [label="[-1, 256, -1, -1]", style=solid]; +"3880 6799" -> "3881 QuantizeLinear_6837_1" [label="[-1, 256, -1, -1]", style=solid]; +"3881 QuantizeLinear_6837_1" -> "3882 DequantizeLinear_6837_1" [label="[-1, 256, -1, -1]", style=dashed]; +"3882 DequantizeLinear_6837_1" -> "3885 6802" [label="[-1, 256, -1, -1]", style=solid]; +"3883 QuantizeLinear_6838_1" -> "3884 DequantizeLinear_6838_1" [label="[256, 256, 3, 3]", style=dashed]; +"3884 DequantizeLinear_6838_1" -> "3885 6802" [label="[256, 256, 3, 3]", style=solid]; +"3885 6802" -> "3886 6803" [label="[-1, 256, -1, -1]", style=solid]; +"3886 6803" -> "3887 QuantizeLinear_6841_1" [label="[-1, 256, -1, -1]", style=solid]; +"3887 QuantizeLinear_6841_1" -> "3888 DequantizeLinear_6841_1" [label="[-1, 256, -1, -1]", style=dashed]; +"3888 DequantizeLinear_6841_1" -> "3891 6806" [label="[-1, 256, -1, -1]", style=solid]; +"3889 QuantizeLinear_6842_1" -> "3890 DequantizeLinear_6842_1" [label="[256, 256, 3, 3]", style=dashed]; +"3890 DequantizeLinear_6842_1" -> "3891 6806" [label="[256, 256, 3, 3]", style=solid]; +"3891 6806" -> "3892 6807" [label="[-1, 256, -1, -1]", style=solid]; +"3892 6807" -> "3893 QuantizeLinear_6845_1" [label="[-1, 256, -1, -1]", style=solid]; +"3893 QuantizeLinear_6845_1" -> "3894 DequantizeLinear_6845_1" [label="[-1, 256, -1, -1]", style=dashed]; +"3894 DequantizeLinear_6845_1" -> "3897 6810" [label="[-1, 256, -1, -1]", style=solid]; +"3895 QuantizeLinear_6846_1" -> "3896 DequantizeLinear_6846_1" [label="[256, 256, 3, 3]", style=dashed]; +"3896 DequantizeLinear_6846_1" -> "3897 6810" [label="[256, 256, 3, 3]", style=solid]; +"3897 6810" -> "3898 6811" [label="[-1, 256, -1, -1]", style=solid]; +"3898 6811" -> "3899 QuantizeLinear_6849_1" [label="[-1, 256, -1, -1]", style=solid]; +"3899 QuantizeLinear_6849_1" -> "3900 DequantizeLinear_6849_1" [label="[-1, 256, -1, -1]", style=dashed]; +"3900 DequantizeLinear_6849_1" -> "3903 6814" [label="[-1, 256, -1, -1]", style=solid]; +"3901 QuantizeLinear_6850_1" -> "3902 DequantizeLinear_6850_1" [label="[256, 256, 2, 2]", style=dashed]; +"3902 DequantizeLinear_6850_1" -> "3903 6814" [label="[256, 256, 2, 2]", style=solid]; +"3903 6814" -> "3904 6815" [label="[-1, 256, -1, -1]", style=solid]; +"3904 6815" -> "3905 QuantizeLinear_6853_1" [label="[-1, 256, -1, -1]", style=solid]; +"3905 QuantizeLinear_6853_1" -> "3906 DequantizeLinear_6853_1" [label="[-1, 256, -1, -1]", style=dashed]; +"3906 DequantizeLinear_6853_1" -> "3909 6818" [label="[-1, 256, -1, -1]", style=solid]; +"3907 QuantizeLinear_6854_1" -> "3908 DequantizeLinear_6854_1" [label="[81, 256, 1, 1]", style=dashed]; +"3908 DequantizeLinear_6854_1" -> "3909 6818" [label="[81, 256, 1, 1]", style=solid]; +"3909 6818" -> "3910 6819" [label="[-1, 81, -1, -1]", style=solid]; +"3909 6818" -> "3913 6822" [label="[-1, 81, -1, -1]", style=solid]; +"3910 6819" -> "3911 6844" [label="[-1, 81, -1, -1]", style=solid]; +"3910 6819" -> "4247 6835" [label="[-1, 81, -1, -1]", style=solid]; +"3910 6819" -> "4250 6832" [label="[-1, 81, -1, -1]", style=solid]; +"3910 6819" -> "4255 6842" [label="[-1, 81, -1, -1]", style=solid]; +"3911 6844" -> "3912 6845" [label="[4]", style=dashed]; +"3912 6845" -> "3922 6846" [label="[]", style=dashed]; +"3913 6822" -> "3914 6823" [label="[4]", style=dashed]; +"3914 6823" -> "3915 6824" [label="[]", style=dashed]; +"3915 6824" -> "3916 6825" [label="[1]", style=dashed]; +"3916 6825" -> "3917 6826" [label="[1]", style=dashed]; +"3917 6826" -> "3918 6827" [label="[-1]", style=dashed]; +"3918 6827" -> "3919 6828" [label="[-1]", style=solid]; +"3919 6828" -> "3920 6829" [label="[1, -1]", style=dashed]; +"3920 6829" -> "3921 6830" [label="[-1, 1]", style=dashed]; +"3921 6830" -> "3922 6846" [label="[-1]", style=dashed]; +"3922 6846" -> "4246 6847" [label="[-1]", style=dashed]; +"3923 6513" -> "3924 6515" [label="[]", style=solid]; +"3924 6515" -> "3925 6516" [label="[]", style=solid]; +"3925 6516" -> "3926 6517" [label="[-1]", style=dashed]; +"3926 6517" -> "4243 6519" [label="[]", style=dashed]; +"3927 6469" -> "3928 6471" [label="[]", style=solid]; +"3928 6471" -> "3929 6472" [label="[]", style=solid]; +"3929 6472" -> "3930 6473" [label="[-1]", style=dashed]; +"3930 6473" -> "4243 6519" [label="[]", style=dashed]; +"3931 6425" -> "3932 6427" [label="[]", style=solid]; +"3932 6427" -> "3933 6428" [label="[]", style=solid]; +"3933 6428" -> "3934 6429" [label="[-1]", style=dashed]; +"3934 6429" -> "4243 6519" [label="[]", style=dashed]; +"3935 6381" -> "3936 6383" [label="[]", style=solid]; +"3936 6383" -> "3937 6384" [label="[]", style=solid]; +"3937 6384" -> "3938 6385" [label="[-1]", style=dashed]; +"3938 6385" -> "4243 6519" [label="[]", style=dashed]; +"3939 6337" -> "3940 6339" [label="[]", style=solid]; +"3940 6339" -> "3941 6340" [label="[]", style=solid]; +"3941 6340" -> "3942 6341" [label="[-1]", style=dashed]; +"3942 6341" -> "4243 6519" [label="[]", style=dashed]; +"3943 6293" -> "3944 6295" [label="[]", style=solid]; +"3944 6295" -> "3945 6296" [label="[]", style=solid]; +"3945 6296" -> "3946 6297" [label="[-1]", style=dashed]; +"3946 6297" -> "4243 6519" [label="[]", style=dashed]; +"3947 6249" -> "3948 6251" [label="[]", style=solid]; +"3948 6251" -> "3949 6252" [label="[]", style=solid]; +"3949 6252" -> "3950 6253" [label="[-1]", style=dashed]; +"3950 6253" -> "4243 6519" [label="[]", style=dashed]; +"3951 6205" -> "3952 6207" [label="[]", style=solid]; +"3952 6207" -> "3953 6208" [label="[]", style=solid]; +"3953 6208" -> "3954 6209" [label="[-1]", style=dashed]; +"3954 6209" -> "4243 6519" [label="[]", style=dashed]; +"3955 6161" -> "3956 6163" [label="[]", style=solid]; +"3956 6163" -> "3957 6164" [label="[]", style=solid]; +"3957 6164" -> "3958 6165" [label="[-1]", style=dashed]; +"3958 6165" -> "4243 6519" [label="[]", style=dashed]; +"3959 6117" -> "3960 6119" [label="[]", style=solid]; +"3960 6119" -> "3961 6120" [label="[]", style=solid]; +"3961 6120" -> "3962 6121" [label="[-1]", style=dashed]; +"3962 6121" -> "4243 6519" [label="[]", style=dashed]; +"3963 6073" -> "3964 6075" [label="[]", style=solid]; +"3964 6075" -> "3965 6076" [label="[]", style=solid]; +"3965 6076" -> "3966 6077" [label="[-1]", style=dashed]; +"3966 6077" -> "4243 6519" [label="[]", style=dashed]; +"3967 6029" -> "3968 6031" [label="[]", style=solid]; +"3968 6031" -> "3969 6032" [label="[]", style=solid]; +"3969 6032" -> "3970 6033" [label="[-1]", style=dashed]; +"3970 6033" -> "4243 6519" [label="[]", style=dashed]; +"3971 5985" -> "3972 5987" [label="[]", style=solid]; +"3972 5987" -> "3973 5988" [label="[]", style=solid]; +"3973 5988" -> "3974 5989" [label="[-1]", style=dashed]; +"3974 5989" -> "4243 6519" [label="[]", style=dashed]; +"3975 5941" -> "3976 5943" [label="[]", style=solid]; +"3976 5943" -> "3977 5944" [label="[]", style=solid]; +"3977 5944" -> "3978 5945" [label="[-1]", style=dashed]; +"3978 5945" -> "4243 6519" [label="[]", style=dashed]; +"3979 5897" -> "3980 5899" [label="[]", style=solid]; +"3980 5899" -> "3981 5900" [label="[]", style=solid]; +"3981 5900" -> "3982 5901" [label="[-1]", style=dashed]; +"3982 5901" -> "4243 6519" [label="[]", style=dashed]; +"3983 5853" -> "3984 5855" [label="[]", style=solid]; +"3984 5855" -> "3985 5856" [label="[]", style=solid]; +"3985 5856" -> "3986 5857" [label="[-1]", style=dashed]; +"3986 5857" -> "4243 6519" [label="[]", style=dashed]; +"3987 5809" -> "3988 5811" [label="[]", style=solid]; +"3988 5811" -> "3989 5812" [label="[]", style=solid]; +"3989 5812" -> "3990 5813" [label="[-1]", style=dashed]; +"3990 5813" -> "4243 6519" [label="[]", style=dashed]; +"3991 5765" -> "3992 5767" [label="[]", style=solid]; +"3992 5767" -> "3993 5768" [label="[]", style=solid]; +"3993 5768" -> "3994 5769" [label="[-1]", style=dashed]; +"3994 5769" -> "4243 6519" [label="[]", style=dashed]; +"3995 5721" -> "3996 5723" [label="[]", style=solid]; +"3996 5723" -> "3997 5724" [label="[]", style=solid]; +"3997 5724" -> "3998 5725" [label="[-1]", style=dashed]; +"3998 5725" -> "4243 6519" [label="[]", style=dashed]; +"3999 5677" -> "4000 5679" [label="[]", style=solid]; +"4000 5679" -> "4001 5680" [label="[]", style=solid]; +"4001 5680" -> "4002 5681" [label="[-1]", style=dashed]; +"4002 5681" -> "4243 6519" [label="[]", style=dashed]; +"4003 5633" -> "4004 5635" [label="[]", style=solid]; +"4004 5635" -> "4005 5636" [label="[]", style=solid]; +"4005 5636" -> "4006 5637" [label="[-1]", style=dashed]; +"4006 5637" -> "4243 6519" [label="[]", style=dashed]; +"4007 5589" -> "4008 5591" [label="[]", style=solid]; +"4008 5591" -> "4009 5592" [label="[]", style=solid]; +"4009 5592" -> "4010 5593" [label="[-1]", style=dashed]; +"4010 5593" -> "4243 6519" [label="[]", style=dashed]; +"4011 5545" -> "4012 5547" [label="[]", style=solid]; +"4012 5547" -> "4013 5548" [label="[]", style=solid]; +"4013 5548" -> "4014 5549" [label="[-1]", style=dashed]; +"4014 5549" -> "4243 6519" [label="[]", style=dashed]; +"4015 5501" -> "4016 5503" [label="[]", style=solid]; +"4016 5503" -> "4017 5504" [label="[]", style=solid]; +"4017 5504" -> "4018 5505" [label="[-1]", style=dashed]; +"4018 5505" -> "4243 6519" [label="[]", style=dashed]; +"4019 5457" -> "4020 5459" [label="[]", style=solid]; +"4020 5459" -> "4021 5460" [label="[]", style=solid]; +"4021 5460" -> "4022 5461" [label="[-1]", style=dashed]; +"4022 5461" -> "4243 6519" [label="[]", style=dashed]; +"4023 5413" -> "4024 5415" [label="[]", style=solid]; +"4024 5415" -> "4025 5416" [label="[]", style=solid]; +"4025 5416" -> "4026 5417" [label="[-1]", style=dashed]; +"4026 5417" -> "4243 6519" [label="[]", style=dashed]; +"4027 5369" -> "4028 5371" [label="[]", style=solid]; +"4028 5371" -> "4029 5372" [label="[]", style=solid]; +"4029 5372" -> "4030 5373" [label="[-1]", style=dashed]; +"4030 5373" -> "4243 6519" [label="[]", style=dashed]; +"4031 5325" -> "4032 5327" [label="[]", style=solid]; +"4032 5327" -> "4033 5328" [label="[]", style=solid]; +"4033 5328" -> "4034 5329" [label="[-1]", style=dashed]; +"4034 5329" -> "4243 6519" [label="[]", style=dashed]; +"4035 5281" -> "4036 5283" [label="[]", style=solid]; +"4036 5283" -> "4037 5284" [label="[]", style=solid]; +"4037 5284" -> "4038 5285" [label="[-1]", style=dashed]; +"4038 5285" -> "4243 6519" [label="[]", style=dashed]; +"4039 5237" -> "4040 5239" [label="[]", style=solid]; +"4040 5239" -> "4041 5240" [label="[]", style=solid]; +"4041 5240" -> "4042 5241" [label="[-1]", style=dashed]; +"4042 5241" -> "4243 6519" [label="[]", style=dashed]; +"4043 5193" -> "4044 5195" [label="[]", style=solid]; +"4044 5195" -> "4045 5196" [label="[]", style=solid]; +"4045 5196" -> "4046 5197" [label="[-1]", style=dashed]; +"4046 5197" -> "4243 6519" [label="[]", style=dashed]; +"4047 5149" -> "4048 5151" [label="[]", style=solid]; +"4048 5151" -> "4049 5152" [label="[]", style=solid]; +"4049 5152" -> "4050 5153" [label="[-1]", style=dashed]; +"4050 5153" -> "4243 6519" [label="[]", style=dashed]; +"4051 5105" -> "4052 5107" [label="[]", style=solid]; +"4052 5107" -> "4053 5108" [label="[]", style=solid]; +"4053 5108" -> "4054 5109" [label="[-1]", style=dashed]; +"4054 5109" -> "4243 6519" [label="[]", style=dashed]; +"4055 5061" -> "4056 5063" [label="[]", style=solid]; +"4056 5063" -> "4057 5064" [label="[]", style=solid]; +"4057 5064" -> "4058 5065" [label="[-1]", style=dashed]; +"4058 5065" -> "4243 6519" [label="[]", style=dashed]; +"4059 5017" -> "4060 5019" [label="[]", style=solid]; +"4060 5019" -> "4061 5020" [label="[]", style=solid]; +"4061 5020" -> "4062 5021" [label="[-1]", style=dashed]; +"4062 5021" -> "4243 6519" [label="[]", style=dashed]; +"4063 4973" -> "4064 4975" [label="[]", style=solid]; +"4064 4975" -> "4065 4976" [label="[]", style=solid]; +"4065 4976" -> "4066 4977" [label="[-1]", style=dashed]; +"4066 4977" -> "4243 6519" [label="[]", style=dashed]; +"4067 4929" -> "4068 4931" [label="[]", style=solid]; +"4068 4931" -> "4069 4932" [label="[]", style=solid]; +"4069 4932" -> "4070 4933" [label="[-1]", style=dashed]; +"4070 4933" -> "4243 6519" [label="[]", style=dashed]; +"4071 4885" -> "4072 4887" [label="[]", style=solid]; +"4072 4887" -> "4073 4888" [label="[]", style=solid]; +"4073 4888" -> "4074 4889" [label="[-1]", style=dashed]; +"4074 4889" -> "4243 6519" [label="[]", style=dashed]; +"4075 4841" -> "4076 4843" [label="[]", style=solid]; +"4076 4843" -> "4077 4844" [label="[]", style=solid]; +"4077 4844" -> "4078 4845" [label="[-1]", style=dashed]; +"4078 4845" -> "4243 6519" [label="[]", style=dashed]; +"4079 4797" -> "4080 4799" [label="[]", style=solid]; +"4080 4799" -> "4081 4800" [label="[]", style=solid]; +"4081 4800" -> "4082 4801" [label="[-1]", style=dashed]; +"4082 4801" -> "4243 6519" [label="[]", style=dashed]; +"4083 4753" -> "4084 4755" [label="[]", style=solid]; +"4084 4755" -> "4085 4756" [label="[]", style=solid]; +"4085 4756" -> "4086 4757" [label="[-1]", style=dashed]; +"4086 4757" -> "4243 6519" [label="[]", style=dashed]; +"4087 4709" -> "4088 4711" [label="[]", style=solid]; +"4088 4711" -> "4089 4712" [label="[]", style=solid]; +"4089 4712" -> "4090 4713" [label="[-1]", style=dashed]; +"4090 4713" -> "4243 6519" [label="[]", style=dashed]; +"4091 4665" -> "4092 4667" [label="[]", style=solid]; +"4092 4667" -> "4093 4668" [label="[]", style=solid]; +"4093 4668" -> "4094 4669" [label="[-1]", style=dashed]; +"4094 4669" -> "4243 6519" [label="[]", style=dashed]; +"4095 4621" -> "4096 4623" [label="[]", style=solid]; +"4096 4623" -> "4097 4624" [label="[]", style=solid]; +"4097 4624" -> "4098 4625" [label="[-1]", style=dashed]; +"4098 4625" -> "4243 6519" [label="[]", style=dashed]; +"4099 4577" -> "4100 4579" [label="[]", style=solid]; +"4100 4579" -> "4101 4580" [label="[]", style=solid]; +"4101 4580" -> "4102 4581" [label="[-1]", style=dashed]; +"4102 4581" -> "4243 6519" [label="[]", style=dashed]; +"4103 4533" -> "4104 4535" [label="[]", style=solid]; +"4104 4535" -> "4105 4536" [label="[]", style=solid]; +"4105 4536" -> "4106 4537" [label="[-1]", style=dashed]; +"4106 4537" -> "4243 6519" [label="[]", style=dashed]; +"4107 4489" -> "4108 4491" [label="[]", style=solid]; +"4108 4491" -> "4109 4492" [label="[]", style=solid]; +"4109 4492" -> "4110 4493" [label="[-1]", style=dashed]; +"4110 4493" -> "4243 6519" [label="[]", style=dashed]; +"4111 4445" -> "4112 4447" [label="[]", style=solid]; +"4112 4447" -> "4113 4448" [label="[]", style=solid]; +"4113 4448" -> "4114 4449" [label="[-1]", style=dashed]; +"4114 4449" -> "4243 6519" [label="[]", style=dashed]; +"4115 4401" -> "4116 4403" [label="[]", style=solid]; +"4116 4403" -> "4117 4404" [label="[]", style=solid]; +"4117 4404" -> "4118 4405" [label="[-1]", style=dashed]; +"4118 4405" -> "4243 6519" [label="[]", style=dashed]; +"4119 4357" -> "4120 4359" [label="[]", style=solid]; +"4120 4359" -> "4121 4360" [label="[]", style=solid]; +"4121 4360" -> "4122 4361" [label="[-1]", style=dashed]; +"4122 4361" -> "4243 6519" [label="[]", style=dashed]; +"4123 4313" -> "4124 4315" [label="[]", style=solid]; +"4124 4315" -> "4125 4316" [label="[]", style=solid]; +"4125 4316" -> "4126 4317" [label="[-1]", style=dashed]; +"4126 4317" -> "4243 6519" [label="[]", style=dashed]; +"4127 4269" -> "4128 4271" [label="[]", style=solid]; +"4128 4271" -> "4129 4272" [label="[]", style=solid]; +"4129 4272" -> "4130 4273" [label="[-1]", style=dashed]; +"4130 4273" -> "4243 6519" [label="[]", style=dashed]; +"4131 4225" -> "4132 4227" [label="[]", style=solid]; +"4132 4227" -> "4133 4228" [label="[]", style=solid]; +"4133 4228" -> "4134 4229" [label="[-1]", style=dashed]; +"4134 4229" -> "4243 6519" [label="[]", style=dashed]; +"4135 4181" -> "4136 4183" [label="[]", style=solid]; +"4136 4183" -> "4137 4184" [label="[]", style=solid]; +"4137 4184" -> "4138 4185" [label="[-1]", style=dashed]; +"4138 4185" -> "4243 6519" [label="[]", style=dashed]; +"4139 4137" -> "4140 4139" [label="[]", style=solid]; +"4140 4139" -> "4141 4140" [label="[]", style=solid]; +"4141 4140" -> "4142 4141" [label="[-1]", style=dashed]; +"4142 4141" -> "4243 6519" [label="[]", style=dashed]; +"4143 4093" -> "4144 4095" [label="[]", style=solid]; +"4144 4095" -> "4145 4096" [label="[]", style=solid]; +"4145 4096" -> "4146 4097" [label="[-1]", style=dashed]; +"4146 4097" -> "4243 6519" [label="[]", style=dashed]; +"4147 4049" -> "4148 4051" [label="[]", style=solid]; +"4148 4051" -> "4149 4052" [label="[]", style=solid]; +"4149 4052" -> "4150 4053" [label="[-1]", style=dashed]; +"4150 4053" -> "4243 6519" [label="[]", style=dashed]; +"4151 4005" -> "4152 4007" [label="[]", style=solid]; +"4152 4007" -> "4153 4008" [label="[]", style=solid]; +"4153 4008" -> "4154 4009" [label="[-1]", style=dashed]; +"4154 4009" -> "4243 6519" [label="[]", style=dashed]; +"4155 3961" -> "4156 3963" [label="[]", style=solid]; +"4156 3963" -> "4157 3964" [label="[]", style=solid]; +"4157 3964" -> "4158 3965" [label="[-1]", style=dashed]; +"4158 3965" -> "4243 6519" [label="[]", style=dashed]; +"4159 3917" -> "4160 3919" [label="[]", style=solid]; +"4160 3919" -> "4161 3920" [label="[]", style=solid]; +"4161 3920" -> "4162 3921" [label="[-1]", style=dashed]; +"4162 3921" -> "4243 6519" [label="[]", style=dashed]; +"4163 3873" -> "4164 3875" [label="[]", style=solid]; +"4164 3875" -> "4165 3876" [label="[]", style=solid]; +"4165 3876" -> "4166 3877" [label="[-1]", style=dashed]; +"4166 3877" -> "4243 6519" [label="[]", style=dashed]; +"4167 3829" -> "4168 3831" [label="[]", style=solid]; +"4168 3831" -> "4169 3832" [label="[]", style=solid]; +"4169 3832" -> "4170 3833" [label="[-1]", style=dashed]; +"4170 3833" -> "4243 6519" [label="[]", style=dashed]; +"4171 3785" -> "4172 3787" [label="[]", style=solid]; +"4172 3787" -> "4173 3788" [label="[]", style=solid]; +"4173 3788" -> "4174 3789" [label="[-1]", style=dashed]; +"4174 3789" -> "4243 6519" [label="[]", style=dashed]; +"4175 3741" -> "4176 3743" [label="[]", style=solid]; +"4176 3743" -> "4177 3744" [label="[]", style=solid]; +"4177 3744" -> "4178 3745" [label="[-1]", style=dashed]; +"4178 3745" -> "4243 6519" [label="[]", style=dashed]; +"4179 3697" -> "4180 3699" [label="[]", style=solid]; +"4180 3699" -> "4181 3700" [label="[]", style=solid]; +"4181 3700" -> "4182 3701" [label="[-1]", style=dashed]; +"4182 3701" -> "4243 6519" [label="[]", style=dashed]; +"4183 3653" -> "4184 3655" [label="[]", style=solid]; +"4184 3655" -> "4185 3656" [label="[]", style=solid]; +"4185 3656" -> "4186 3657" [label="[-1]", style=dashed]; +"4186 3657" -> "4243 6519" [label="[]", style=dashed]; +"4187 3609" -> "4188 3611" [label="[]", style=solid]; +"4188 3611" -> "4189 3612" [label="[]", style=solid]; +"4189 3612" -> "4190 3613" [label="[-1]", style=dashed]; +"4190 3613" -> "4243 6519" [label="[]", style=dashed]; +"4191 3565" -> "4192 3567" [label="[]", style=solid]; +"4192 3567" -> "4193 3568" [label="[]", style=solid]; +"4193 3568" -> "4194 3569" [label="[-1]", style=dashed]; +"4194 3569" -> "4243 6519" [label="[]", style=dashed]; +"4195 3521" -> "4196 3523" [label="[]", style=solid]; +"4196 3523" -> "4197 3524" [label="[]", style=solid]; +"4197 3524" -> "4198 3525" [label="[-1]", style=dashed]; +"4198 3525" -> "4243 6519" [label="[]", style=dashed]; +"4199 3477" -> "4200 3479" [label="[]", style=solid]; +"4200 3479" -> "4201 3480" [label="[]", style=solid]; +"4201 3480" -> "4202 3481" [label="[-1]", style=dashed]; +"4202 3481" -> "4243 6519" [label="[]", style=dashed]; +"4203 3433" -> "4204 3435" [label="[]", style=solid]; +"4204 3435" -> "4205 3436" [label="[]", style=solid]; +"4205 3436" -> "4206 3437" [label="[-1]", style=dashed]; +"4206 3437" -> "4243 6519" [label="[]", style=dashed]; +"4207 3389" -> "4208 3391" [label="[]", style=solid]; +"4208 3391" -> "4209 3392" [label="[]", style=solid]; +"4209 3392" -> "4210 3393" [label="[-1]", style=dashed]; +"4210 3393" -> "4243 6519" [label="[]", style=dashed]; +"4211 3345" -> "4212 3347" [label="[]", style=solid]; +"4212 3347" -> "4213 3348" [label="[]", style=solid]; +"4213 3348" -> "4214 3349" [label="[-1]", style=dashed]; +"4214 3349" -> "4243 6519" [label="[]", style=dashed]; +"4215 3301" -> "4216 3303" [label="[]", style=solid]; +"4216 3303" -> "4217 3304" [label="[]", style=solid]; +"4217 3304" -> "4218 3305" [label="[-1]", style=dashed]; +"4218 3305" -> "4243 6519" [label="[]", style=dashed]; +"4219 3257" -> "4220 3259" [label="[]", style=solid]; +"4220 3259" -> "4221 3260" [label="[]", style=solid]; +"4221 3260" -> "4222 3261" [label="[-1]", style=dashed]; +"4222 3261" -> "4243 6519" [label="[]", style=dashed]; +"4223 3213" -> "4224 3215" [label="[]", style=solid]; +"4224 3215" -> "4225 3216" [label="[]", style=solid]; +"4225 3216" -> "4226 3217" [label="[-1]", style=dashed]; +"4226 3217" -> "4243 6519" [label="[]", style=dashed]; +"4227 3169" -> "4228 3171" [label="[]", style=solid]; +"4228 3171" -> "4229 3172" [label="[]", style=solid]; +"4229 3172" -> "4230 3173" [label="[-1]", style=dashed]; +"4230 3173" -> "4243 6519" [label="[]", style=dashed]; +"4231 3125" -> "4232 3127" [label="[]", style=solid]; +"4232 3127" -> "4233 3128" [label="[]", style=solid]; +"4233 3128" -> "4234 3129" [label="[-1]", style=dashed]; +"4234 3129" -> "4243 6519" [label="[]", style=dashed]; +"4235 3081" -> "4236 3083" [label="[]", style=solid]; +"4236 3083" -> "4237 3084" [label="[]", style=solid]; +"4237 3084" -> "4238 3085" [label="[-1]", style=dashed]; +"4238 3085" -> "4243 6519" [label="[]", style=dashed]; +"4239 3037" -> "4240 3039" [label="[]", style=solid]; +"4240 3039" -> "4241 3040" [label="[]", style=solid]; +"4241 3040" -> "4242 3041" [label="[-1]", style=dashed]; +"4242 3041" -> "4243 6519" [label="[]", style=dashed]; +"4243 6519" -> "4244 6532" [label="[]", style=dashed]; +"4244 6532" -> "4245 6820" [label="[-1]", style=dashed]; +"4244 6532" -> "4262 nncf_model_output_1" [label="[-1]", style=dashed]; +"4245 6820" -> "4246 6847" [label="[-1]", style=dashed]; +"4246 6847" -> "4256 6848" [label="[-1]", style=dashed]; +"4247 6835" -> "4248 6836" [label="[4]", style=dashed]; +"4248 6836" -> "4249 6840" [label="[]", style=dashed]; +"4249 6840" -> "4254 6841" [label="[1]", style=dashed]; +"4250 6832" -> "4251 6833" [label="[4]", style=dashed]; +"4251 6833" -> "4252 6839" [label="[]", style=dashed]; +"4252 6839" -> "4254 6841" [label="[1]", style=dashed]; +"4253 6838" -> "4254 6841" [label="[1]", style=dashed]; +"4254 6841" -> "4255 6842" [label="[3]", style=dashed]; +"4255 6842" -> "4256 6848" [label="[]", style=solid]; +"4256 6848" -> "4257 6849" [label="[]", style=solid]; +"4257 6849" -> "4264 nncf_model_output_3" [label="[-1, 1, 28, 28]", style=solid]; +"4258 6533" -> "4259 6534" [label="[]", style=dashed]; +"4259 6534" -> "4263 nncf_model_output_2" [label="[-1]", style=solid]; +"4260 nncf_model_input_0" -> "2 QuantizeLinear_image_1" [label="[3, -1, -1]", style=solid]; } diff --git a/tests/onnx/data/reference_graphs/quantization/synthetic/float64_model.dot b/tests/onnx/data/reference_graphs/quantization/synthetic/float64_model.dot index 12356eee1a5..3a52bb7d31f 100644 --- a/tests/onnx/data/reference_graphs/quantization/synthetic/float64_model.dot +++ b/tests/onnx/data/reference_graphs/quantization/synthetic/float64_model.dot @@ -3,13 +3,17 @@ strict digraph { "1 Cast" [id=1, type=Cast]; "2 QuantizeLinear_Cast_Y_1" [id=2, type=QuantizeLinear]; "3 DequantizeLinear_Cast_Y_1" [id=3, type=DequantizeLinear]; -"4 Mul" [id=4, type=Mul]; -"5 nncf_model_input_0" [id=5, type=nncf_model_input]; -"6 nncf_model_output_0" [id=6, type=nncf_model_output]; +"4 QuantizeLinear_Conv1_W_1" [id=4, type=QuantizeLinear]; +"5 DequantizeLinear_Conv1_W_1" [id=5, type=DequantizeLinear]; +"6 Conv1" [id=6, type=Conv]; +"7 nncf_model_input_0" [id=7, type=nncf_model_input]; +"8 nncf_model_output_0" [id=8, type=nncf_model_output]; "0 Reciprocal" -> "1 Cast" [label="[1, 3, 10, 10]", style=dashed]; "1 Cast" -> "2 QuantizeLinear_Cast_Y_1" [label="[1, 3, 10, 10]", style=solid]; "2 QuantizeLinear_Cast_Y_1" -> "3 DequantizeLinear_Cast_Y_1" [label="[1, 3, 10, 10]", style=dashed]; -"3 DequantizeLinear_Cast_Y_1" -> "4 Mul" [label="[1, 3, 10, 10]", style=solid]; -"4 Mul" -> "6 nncf_model_output_0" [label="[1, 3, 10, 10]", style=solid]; -"5 nncf_model_input_0" -> "0 Reciprocal" [label="[1, 3, 10, 10]", style=dashed]; +"3 DequantizeLinear_Cast_Y_1" -> "6 Conv1" [label="[1, 3, 10, 10]", style=solid]; +"4 QuantizeLinear_Conv1_W_1" -> "5 DequantizeLinear_Conv1_W_1" [label="[32, 3, 3, 3]", style=dashed]; +"5 DequantizeLinear_Conv1_W_1" -> "6 Conv1" [label="[32, 3, 3, 3]", style=solid]; +"6 Conv1" -> "8 nncf_model_output_0" [label="[1, 3, 10, 10]", style=solid]; +"7 nncf_model_input_0" -> "0 Reciprocal" [label="[1, 3, 10, 10]", style=dashed]; } diff --git a/tests/onnx/models.py b/tests/onnx/models.py index 0f8c5f2adc9..7cdad6ba6ea 100644 --- a/tests/onnx/models.py +++ b/tests/onnx/models.py @@ -954,8 +954,6 @@ class Float64InputMulModel(ONNXReferenceModel): def __init__(self): input_shape = [1, 3, 10, 10] model_input_name = "X" - model_mul_op_name = "Mul" - model_output_name = "Y" model_reciprocal_op_name = "Reciprocal" model_cast_op_name = "Cast" model_cast_output = "Cast_Y" @@ -983,21 +981,37 @@ def __init__(self): name=tensor_name, tensor_array=tensor, data_type=onnx.TensorProto.FLOAT ) - mul_node = onnx.helper.make_node( - name=model_mul_op_name, - op_type="Mul", - inputs=[model_cast_output, tensor_name], - outputs=[model_output_name], + conv_output_node_name = "Conv1_Y" + conv_in_channels, conv_out_channels, conv1_kernel_shape = 3, 32, (3, 3) + rng = get_random_generator() + conv_W = rng.uniform(0, 1, (conv_out_channels, conv_in_channels, *conv1_kernel_shape)).astype(np.float32) + conv_B = rng.uniform(0, 1, conv_out_channels).astype(np.float32) + + conv_W_initializer_tensor_name = "Conv1_W" + conv_W_initializer_tensor = create_initializer_tensor( + name=conv_W_initializer_tensor_name, tensor_array=conv_W, data_type=onnx.TensorProto.FLOAT + ) + conv_B_initializer_tensor_name = "Conv1_B" + conv_B_initializer_tensor = create_initializer_tensor( + name=conv_B_initializer_tensor_name, tensor_array=conv_B, data_type=onnx.TensorProto.FLOAT ) - Y = onnx.helper.make_tensor_value_info(model_output_name, onnx.TensorProto.FLOAT, input_shape) + conv_node = onnx.helper.make_node( + name="Conv1", + op_type="Conv", + inputs=[model_cast_output, conv_W_initializer_tensor_name, conv_B_initializer_tensor_name], + outputs=[conv_output_node_name], + kernel_shape=conv1_kernel_shape, + ) + + Y = onnx.helper.make_tensor_value_info(conv_output_node_name, onnx.TensorProto.FLOAT, input_shape) graph_def = onnx.helper.make_graph( - nodes=[reciprocal_node, cast_node, mul_node], + nodes=[reciprocal_node, cast_node, conv_node], name="Float64Net", inputs=[X], outputs=[Y], - initializer=[initializer_tensor], + initializer=[initializer_tensor, conv_W_initializer_tensor, conv_B_initializer_tensor], ) op = onnx.OperatorSetIdProto() diff --git a/tests/openvino/native/data/2024.3/reference_graphs/quantized/GroupNormalizationModel.dot b/tests/openvino/native/data/2024.3/reference_graphs/quantized/GroupNormalizationModel.dot new file mode 100644 index 00000000000..69886afd0d7 --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_graphs/quantized/GroupNormalizationModel.dot @@ -0,0 +1,59 @@ +strict digraph { +"0 Input_1" [id=0, type=Parameter]; +"1 Input_1/fq_output_0" [id=1, type=FakeQuantize]; +"2 Conv" [id=2, type=Convolution]; +"3 Conv_Add" [id=3, type=Add]; +"4 Conv_Add/fq_output_0" [id=4, type=FakeQuantize]; +"5 GroupNormalization_9" [id=5, type=GroupNormalization]; +"6 Relu" [id=6, type=Relu]; +"7 Mul" [id=7, type=Multiply]; +"8 Add" [id=8, type=Add]; +"9 Result" [id=9, type=Result]; +"10 Add/Constant_13" [id=10, type=Constant]; +"11 Mul/Constant_11" [id=11, type=Constant]; +"12 Constant_8" [id=12, type=Constant]; +"13 Constant_7" [id=13, type=Constant]; +"14 Conv_Add/fq_output_0/output_high" [id=14, type=Constant]; +"15 Conv_Add/fq_output_0/output_low" [id=15, type=Constant]; +"16 Conv_Add/fq_output_0/input_high" [id=16, type=Constant]; +"17 Conv_Add/fq_output_0/input_low" [id=17, type=Constant]; +"18 Bias" [id=18, type=Constant]; +"19 Conv/fq_weights_1" [id=19, type=FakeQuantize]; +"20 Conv/fq_weights_1/output_high" [id=20, type=Constant]; +"21 Conv/fq_weights_1/output_low" [id=21, type=Constant]; +"22 Conv/fq_weights_1/input_high" [id=22, type=Constant]; +"23 Conv/fq_weights_1/input_low" [id=23, type=Constant]; +"24 Conv/Constant_2" [id=24, type=Constant]; +"25 Input_1/fq_output_0/output_high" [id=25, type=Constant]; +"26 Input_1/fq_output_0/output_low" [id=26, type=Constant]; +"27 Input_1/fq_output_0/input_high" [id=27, type=Constant]; +"28 Input_1/fq_output_0/input_low" [id=28, type=Constant]; +"0 Input_1" -> "1 Input_1/fq_output_0" [label="[1, 2, 3, 4, 4]", style=solid]; +"1 Input_1/fq_output_0" -> "2 Conv" [label="[1, 2, 3, 4, 4]", style=solid]; +"2 Conv" -> "3 Conv_Add" [label="[1, 4, 1, 2, 2]", style=solid]; +"3 Conv_Add" -> "4 Conv_Add/fq_output_0" [label="[1, 4, 3, 2, 2]", style=solid]; +"4 Conv_Add/fq_output_0" -> "5 GroupNormalization_9" [label="[1, 4, 3, 2, 2]", style=solid]; +"5 GroupNormalization_9" -> "6 Relu" [label="[1, 4, 3, 2, 2]", style=solid]; +"6 Relu" -> "7 Mul" [label="[1, 4, 3, 2, 2]", style=solid]; +"7 Mul" -> "8 Add" [label="[1, 4, 3, 2, 2]", style=solid]; +"8 Add" -> "9 Result" [label="[1, 4, 3, 2, 2]", style=solid]; +"10 Add/Constant_13" -> "8 Add" [label="[1, 4, 1, 1, 1]", style=solid]; +"11 Mul/Constant_11" -> "7 Mul" [label="[1, 4, 1, 1, 1]", style=solid]; +"12 Constant_8" -> "5 GroupNormalization_9" [label="[4]", style=solid]; +"13 Constant_7" -> "5 GroupNormalization_9" [label="[4]", style=solid]; +"14 Conv_Add/fq_output_0/output_high" -> "4 Conv_Add/fq_output_0" [label="[]", style=solid]; +"15 Conv_Add/fq_output_0/output_low" -> "4 Conv_Add/fq_output_0" [label="[]", style=solid]; +"16 Conv_Add/fq_output_0/input_high" -> "4 Conv_Add/fq_output_0" [label="[]", style=solid]; +"17 Conv_Add/fq_output_0/input_low" -> "4 Conv_Add/fq_output_0" [label="[]", style=solid]; +"18 Bias" -> "3 Conv_Add" [label="[1, 1, 3, 1, 1]", style=solid]; +"19 Conv/fq_weights_1" -> "2 Conv" [label="[4, 2, 3, 3, 3]", style=solid]; +"20 Conv/fq_weights_1/output_high" -> "19 Conv/fq_weights_1" [label="[4, 1, 1, 1, 1]", style=solid]; +"21 Conv/fq_weights_1/output_low" -> "19 Conv/fq_weights_1" [label="[4, 1, 1, 1, 1]", style=solid]; +"22 Conv/fq_weights_1/input_high" -> "19 Conv/fq_weights_1" [label="[4, 1, 1, 1, 1]", style=solid]; +"23 Conv/fq_weights_1/input_low" -> "19 Conv/fq_weights_1" [label="[4, 1, 1, 1, 1]", style=solid]; +"24 Conv/Constant_2" -> "19 Conv/fq_weights_1" [label="[4, 2, 3, 3, 3]", style=solid]; +"25 Input_1/fq_output_0/output_high" -> "1 Input_1/fq_output_0" [label="[]", style=solid]; +"26 Input_1/fq_output_0/output_low" -> "1 Input_1/fq_output_0" [label="[]", style=solid]; +"27 Input_1/fq_output_0/input_high" -> "1 Input_1/fq_output_0" [label="[]", style=solid]; +"28 Input_1/fq_output_0/input_low" -> "1 Input_1/fq_output_0" [label="[]", style=solid]; +} diff --git a/tests/openvino/native/data/2024.3/reference_graphs/quantized/LSTMModel.dot b/tests/openvino/native/data/2024.3/reference_graphs/quantized/LSTMModel.dot new file mode 100644 index 00000000000..cd0f967ad7e --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_graphs/quantized/LSTMModel.dot @@ -0,0 +1,200 @@ +strict digraph { +"0 Input" [id=0, type=Parameter]; +"1 ReadValue_1" [id=1, type=ReadValue]; +"2 Input/fq_output_0" [id=2, type=FakeQuantize]; +"3 Add" [id=3, type=Add]; +"4 Squeeze_1" [id=4, type=Squeeze]; +"5 Add/fq_output_0" [id=5, type=FakeQuantize]; +"6 MatMul_1" [id=6, type=MatMul]; +"7 MatMul_2" [id=7, type=MatMul]; +"8 MatMul_1/fq_output_0" [id=8, type=FakeQuantize]; +"9 MatMul_2/fq_output_0" [id=9, type=FakeQuantize]; +"10 Add_1" [id=10, type=Add]; +"11 Split_14" [id=11, type=Split]; +"12 Sigmoid_1" [id=12, type=Sigmoid]; +"13 Sigmoid_2" [id=13, type=Sigmoid]; +"14 Sigmoid_3" [id=14, type=Sigmoid]; +"15 Tanh_1" [id=15, type=Tanh]; +"16 Multiply_1" [id=16, type=Multiply]; +"17 Sigmoid_2/fq_output_0" [id=17, type=FakeQuantize]; +"18 Sigmoid_3/fq_output_0" [id=18, type=FakeQuantize]; +"19 Tanh_1/fq_output_0" [id=19, type=FakeQuantize]; +"20 Multiply_1/fq_output_0" [id=20, type=FakeQuantize]; +"21 Multiply_2" [id=21, type=Multiply]; +"22 Multiply_3" [id=22, type=Multiply]; +"23 Add_2" [id=23, type=Add]; +"24 Multiply_2/fq_output_0" [id=24, type=FakeQuantize]; +"25 Assign_25" [id=25, type=Assign]; +"26 MatMul_3/fq_input_0" [id=26, type=FakeQuantize]; +"27 Tanh_2" [id=27, type=Tanh]; +"28 MatMul_3" [id=28, type=MatMul]; +"29 Tanh_2/fq_output_0" [id=29, type=FakeQuantize]; +"30 Result" [id=30, type=Result]; +"31 Tanh_2/fq_output_0/output_high" [id=31, type=Constant]; +"32 Tanh_2/fq_output_0/output_low" [id=32, type=Constant]; +"33 Tanh_2/fq_output_0/input_high" [id=33, type=Constant]; +"34 Tanh_2/fq_output_0/input_low" [id=34, type=Constant]; +"35 Multiply_2/fq_output_0/output_high" [id=35, type=Constant]; +"36 Multiply_2/fq_output_0/output_low" [id=36, type=Constant]; +"37 Multiply_2/fq_output_0/input_high" [id=37, type=Constant]; +"38 Multiply_2/fq_output_0/input_low" [id=38, type=Constant]; +"39 Sigmoid_2/fq_output_0/output_high" [id=39, type=Constant]; +"40 Sigmoid_2/fq_output_0/output_low" [id=40, type=Constant]; +"41 Sigmoid_2/fq_output_0/input_high" [id=41, type=Constant]; +"42 Sigmoid_2/fq_output_0/input_low" [id=42, type=Constant]; +"43 Constant_13" [id=43, type=Constant]; +"44 MatMul_2/fq_output_0/output_high" [id=44, type=Constant]; +"45 MatMul_2/fq_output_0/output_low" [id=45, type=Constant]; +"46 MatMul_2/fq_output_0/input_high" [id=46, type=Constant]; +"47 MatMul_2/fq_output_0/input_low" [id=47, type=Constant]; +"48 MatMul_2/fq_weights_1" [id=48, type=FakeQuantize]; +"49 MatMul_2/fq_weights_1/output_high" [id=49, type=Constant]; +"50 MatMul_2/fq_weights_1/output_low" [id=50, type=Constant]; +"51 MatMul_2/fq_weights_1/input_high" [id=51, type=Constant]; +"52 MatMul_2/fq_weights_1/input_low" [id=52, type=Constant]; +"53 MatMul_2/Constant_10" [id=53, type=Constant]; +"54 Add/fq_output_0/output_high" [id=54, type=Constant]; +"55 Add/fq_output_0/output_low" [id=55, type=Constant]; +"56 Add/fq_output_0/input_high" [id=56, type=Constant]; +"57 Add/fq_output_0/input_low" [id=57, type=Constant]; +"58 Add/Constant_8" [id=58, type=Constant]; +"59 ReadValue_1/Constant_6" [id=59, type=Constant]; +"60 MatMul_1/fq_output_0/output_high" [id=60, type=Constant]; +"61 MatMul_1/fq_output_0/output_low" [id=61, type=Constant]; +"62 MatMul_1/fq_output_0/input_high" [id=62, type=Constant]; +"63 MatMul_1/fq_output_0/input_low" [id=63, type=Constant]; +"64 MatMul_1/fq_weights_1" [id=64, type=FakeQuantize]; +"65 MatMul_1/fq_weights_1/output_high" [id=65, type=Constant]; +"66 MatMul_1/fq_weights_1/output_low" [id=66, type=Constant]; +"67 MatMul_1/fq_weights_1/input_high" [id=67, type=Constant]; +"68 MatMul_1/fq_weights_1/input_low" [id=68, type=Constant]; +"69 MatMul_1/Constant_4" [id=69, type=Constant]; +"70 Squeeze_1/Constant_2" [id=70, type=Constant]; +"71 Input/fq_output_0/output_high" [id=71, type=Constant]; +"72 Input/fq_output_0/output_low" [id=72, type=Constant]; +"73 Input/fq_output_0/input_high" [id=73, type=Constant]; +"74 Input/fq_output_0/input_low" [id=74, type=Constant]; +"75 Tanh_1/fq_output_0/output_high" [id=75, type=Constant]; +"76 Tanh_1/fq_output_0/output_low" [id=76, type=Constant]; +"77 Tanh_1/fq_output_0/input_high" [id=77, type=Constant]; +"78 Tanh_1/fq_output_0/input_low" [id=78, type=Constant]; +"79 Multiply_1/fq_output_0/output_high" [id=79, type=Constant]; +"80 Multiply_1/fq_output_0/output_low" [id=80, type=Constant]; +"81 Multiply_1/fq_output_0/input_high" [id=81, type=Constant]; +"82 Multiply_1/fq_output_0/input_low" [id=82, type=Constant]; +"83 Multiply_1/Constant_19" [id=83, type=Constant]; +"84 Sigmoid_3/fq_output_0/output_high" [id=84, type=Constant]; +"85 Sigmoid_3/fq_output_0/output_low" [id=85, type=Constant]; +"86 Sigmoid_3/fq_output_0/input_high" [id=86, type=Constant]; +"87 Sigmoid_3/fq_output_0/input_low" [id=87, type=Constant]; +"88 MatMul_3/fq_weights_1" [id=88, type=FakeQuantize]; +"89 MatMul_3/fq_weights_1/output_high" [id=89, type=Constant]; +"90 MatMul_3/fq_weights_1/output_low" [id=90, type=Constant]; +"91 MatMul_3/fq_weights_1/input_high" [id=91, type=Constant]; +"92 MatMul_3/fq_weights_1/input_low" [id=92, type=Constant]; +"93 MatMul_3/Constant_26" [id=93, type=Constant]; +"94 MatMul_3/fq_input_0/output_high" [id=94, type=Constant]; +"95 MatMul_3/fq_input_0/output_low" [id=95, type=Constant]; +"96 MatMul_3/fq_input_0/input_high" [id=96, type=Constant]; +"97 MatMul_3/fq_input_0/input_low" [id=97, type=Constant]; +"0 Input" -> "2 Input/fq_output_0" [label="[1, 1, 128]", style=solid]; +"1 ReadValue_1" -> "3 Add" [label="[1, 64]", style=solid]; +"2 Input/fq_output_0" -> "4 Squeeze_1" [label="[1, 1, 128]", style=solid]; +"3 Add" -> "5 Add/fq_output_0" [label="[1, 64]", style=solid]; +"4 Squeeze_1" -> "6 MatMul_1" [label="[1, 128]", style=solid]; +"5 Add/fq_output_0" -> "7 MatMul_2" [label="[1, 64]", style=solid]; +"6 MatMul_1" -> "8 MatMul_1/fq_output_0" [label="[1, 256]", style=solid]; +"7 MatMul_2" -> "9 MatMul_2/fq_output_0" [label="[1, 256]", style=solid]; +"8 MatMul_1/fq_output_0" -> "10 Add_1" [label="[1, 256]", style=solid]; +"9 MatMul_2/fq_output_0" -> "10 Add_1" [label="[1, 256]", style=solid]; +"10 Add_1" -> "11 Split_14" [label="[1, 256]", style=solid]; +"11 Split_14" -> "12 Sigmoid_1" [label="[1, 64]", style=solid]; +"11 Split_14" -> "13 Sigmoid_2" [label="[1, 64]", style=solid]; +"11 Split_14" -> "14 Sigmoid_3" [label="[1, 64]", style=solid]; +"11 Split_14" -> "15 Tanh_1" [label="[1, 64]", style=solid]; +"12 Sigmoid_1" -> "16 Multiply_1" [label="[1, 64]", style=solid]; +"13 Sigmoid_2" -> "17 Sigmoid_2/fq_output_0" [label="[1, 64]", style=solid]; +"14 Sigmoid_3" -> "18 Sigmoid_3/fq_output_0" [label="[1, 64]", style=solid]; +"15 Tanh_1" -> "19 Tanh_1/fq_output_0" [label="[1, 64]", style=solid]; +"16 Multiply_1" -> "20 Multiply_1/fq_output_0" [label="[1, 64]", style=solid]; +"17 Sigmoid_2/fq_output_0" -> "21 Multiply_2" [label="[1, 64]", style=solid]; +"18 Sigmoid_3/fq_output_0" -> "22 Multiply_3" [label="[1, 64]", style=solid]; +"19 Tanh_1/fq_output_0" -> "21 Multiply_2" [label="[1, 64]", style=solid]; +"20 Multiply_1/fq_output_0" -> "23 Add_2" [label="[1, 64]", style=solid]; +"21 Multiply_2" -> "24 Multiply_2/fq_output_0" [label="[1, 64]", style=solid]; +"22 Multiply_3" -> "25 Assign_25" [label="[1, 64]", style=solid]; +"22 Multiply_3" -> "26 MatMul_3/fq_input_0" [label="[1, 64]", style=solid]; +"23 Add_2" -> "27 Tanh_2" [label="[1, 64]", style=solid]; +"24 Multiply_2/fq_output_0" -> "23 Add_2" [label="[1, 64]", style=solid]; +"26 MatMul_3/fq_input_0" -> "28 MatMul_3" [label="[1, 64]", style=solid]; +"27 Tanh_2" -> "29 Tanh_2/fq_output_0" [label="[1, 64]", style=solid]; +"28 MatMul_3" -> "30 Result" [label="[1, 128]", style=solid]; +"29 Tanh_2/fq_output_0" -> "22 Multiply_3" [label="[1, 64]", style=solid]; +"31 Tanh_2/fq_output_0/output_high" -> "29 Tanh_2/fq_output_0" [label="[]", style=solid]; +"32 Tanh_2/fq_output_0/output_low" -> "29 Tanh_2/fq_output_0" [label="[]", style=solid]; +"33 Tanh_2/fq_output_0/input_high" -> "29 Tanh_2/fq_output_0" [label="[]", style=solid]; +"34 Tanh_2/fq_output_0/input_low" -> "29 Tanh_2/fq_output_0" [label="[]", style=solid]; +"35 Multiply_2/fq_output_0/output_high" -> "24 Multiply_2/fq_output_0" [label="[]", style=solid]; +"36 Multiply_2/fq_output_0/output_low" -> "24 Multiply_2/fq_output_0" [label="[]", style=solid]; +"37 Multiply_2/fq_output_0/input_high" -> "24 Multiply_2/fq_output_0" [label="[]", style=solid]; +"38 Multiply_2/fq_output_0/input_low" -> "24 Multiply_2/fq_output_0" [label="[]", style=solid]; +"39 Sigmoid_2/fq_output_0/output_high" -> "17 Sigmoid_2/fq_output_0" [label="[]", style=solid]; +"40 Sigmoid_2/fq_output_0/output_low" -> "17 Sigmoid_2/fq_output_0" [label="[]", style=solid]; +"41 Sigmoid_2/fq_output_0/input_high" -> "17 Sigmoid_2/fq_output_0" [label="[]", style=solid]; +"42 Sigmoid_2/fq_output_0/input_low" -> "17 Sigmoid_2/fq_output_0" [label="[]", style=solid]; +"43 Constant_13" -> "11 Split_14" [label="[]", style=dashed]; +"44 MatMul_2/fq_output_0/output_high" -> "9 MatMul_2/fq_output_0" [label="[]", style=solid]; +"45 MatMul_2/fq_output_0/output_low" -> "9 MatMul_2/fq_output_0" [label="[]", style=solid]; +"46 MatMul_2/fq_output_0/input_high" -> "9 MatMul_2/fq_output_0" [label="[]", style=solid]; +"47 MatMul_2/fq_output_0/input_low" -> "9 MatMul_2/fq_output_0" [label="[]", style=solid]; +"48 MatMul_2/fq_weights_1" -> "7 MatMul_2" [label="[256, 64]", style=solid]; +"49 MatMul_2/fq_weights_1/output_high" -> "48 MatMul_2/fq_weights_1" [label="[256, 1]", style=solid]; +"50 MatMul_2/fq_weights_1/output_low" -> "48 MatMul_2/fq_weights_1" [label="[256, 1]", style=solid]; +"51 MatMul_2/fq_weights_1/input_high" -> "48 MatMul_2/fq_weights_1" [label="[256, 1]", style=solid]; +"52 MatMul_2/fq_weights_1/input_low" -> "48 MatMul_2/fq_weights_1" [label="[256, 1]", style=solid]; +"53 MatMul_2/Constant_10" -> "48 MatMul_2/fq_weights_1" [label="[256, 64]", style=solid]; +"54 Add/fq_output_0/output_high" -> "5 Add/fq_output_0" [label="[]", style=solid]; +"55 Add/fq_output_0/output_low" -> "5 Add/fq_output_0" [label="[]", style=solid]; +"56 Add/fq_output_0/input_high" -> "5 Add/fq_output_0" [label="[]", style=solid]; +"57 Add/fq_output_0/input_low" -> "5 Add/fq_output_0" [label="[]", style=solid]; +"58 Add/Constant_8" -> "3 Add" [label="[1, 64]", style=solid]; +"59 ReadValue_1/Constant_6" -> "1 ReadValue_1" [label="[1, 64]", style=solid]; +"60 MatMul_1/fq_output_0/output_high" -> "8 MatMul_1/fq_output_0" [label="[]", style=solid]; +"61 MatMul_1/fq_output_0/output_low" -> "8 MatMul_1/fq_output_0" [label="[]", style=solid]; +"62 MatMul_1/fq_output_0/input_high" -> "8 MatMul_1/fq_output_0" [label="[]", style=solid]; +"63 MatMul_1/fq_output_0/input_low" -> "8 MatMul_1/fq_output_0" [label="[]", style=solid]; +"64 MatMul_1/fq_weights_1" -> "6 MatMul_1" [label="[256, 128]", style=solid]; +"65 MatMul_1/fq_weights_1/output_high" -> "64 MatMul_1/fq_weights_1" [label="[256, 1]", style=solid]; +"66 MatMul_1/fq_weights_1/output_low" -> "64 MatMul_1/fq_weights_1" [label="[256, 1]", style=solid]; +"67 MatMul_1/fq_weights_1/input_high" -> "64 MatMul_1/fq_weights_1" [label="[256, 1]", style=solid]; +"68 MatMul_1/fq_weights_1/input_low" -> "64 MatMul_1/fq_weights_1" [label="[256, 1]", style=solid]; +"69 MatMul_1/Constant_4" -> "64 MatMul_1/fq_weights_1" [label="[256, 128]", style=solid]; +"70 Squeeze_1/Constant_2" -> "4 Squeeze_1" [label="[]", style=dashed]; +"71 Input/fq_output_0/output_high" -> "2 Input/fq_output_0" [label="[]", style=solid]; +"72 Input/fq_output_0/output_low" -> "2 Input/fq_output_0" [label="[]", style=solid]; +"73 Input/fq_output_0/input_high" -> "2 Input/fq_output_0" [label="[]", style=solid]; +"74 Input/fq_output_0/input_low" -> "2 Input/fq_output_0" [label="[]", style=solid]; +"75 Tanh_1/fq_output_0/output_high" -> "19 Tanh_1/fq_output_0" [label="[]", style=solid]; +"76 Tanh_1/fq_output_0/output_low" -> "19 Tanh_1/fq_output_0" [label="[]", style=solid]; +"77 Tanh_1/fq_output_0/input_high" -> "19 Tanh_1/fq_output_0" [label="[]", style=solid]; +"78 Tanh_1/fq_output_0/input_low" -> "19 Tanh_1/fq_output_0" [label="[]", style=solid]; +"79 Multiply_1/fq_output_0/output_high" -> "20 Multiply_1/fq_output_0" [label="[]", style=solid]; +"80 Multiply_1/fq_output_0/output_low" -> "20 Multiply_1/fq_output_0" [label="[]", style=solid]; +"81 Multiply_1/fq_output_0/input_high" -> "20 Multiply_1/fq_output_0" [label="[]", style=solid]; +"82 Multiply_1/fq_output_0/input_low" -> "20 Multiply_1/fq_output_0" [label="[]", style=solid]; +"83 Multiply_1/Constant_19" -> "16 Multiply_1" [label="[1, 64]", style=solid]; +"84 Sigmoid_3/fq_output_0/output_high" -> "18 Sigmoid_3/fq_output_0" [label="[]", style=solid]; +"85 Sigmoid_3/fq_output_0/output_low" -> "18 Sigmoid_3/fq_output_0" [label="[]", style=solid]; +"86 Sigmoid_3/fq_output_0/input_high" -> "18 Sigmoid_3/fq_output_0" [label="[]", style=solid]; +"87 Sigmoid_3/fq_output_0/input_low" -> "18 Sigmoid_3/fq_output_0" [label="[]", style=solid]; +"88 MatMul_3/fq_weights_1" -> "28 MatMul_3" [label="[128, 64]", style=solid]; +"89 MatMul_3/fq_weights_1/output_high" -> "88 MatMul_3/fq_weights_1" [label="[128, 1]", style=solid]; +"90 MatMul_3/fq_weights_1/output_low" -> "88 MatMul_3/fq_weights_1" [label="[128, 1]", style=solid]; +"91 MatMul_3/fq_weights_1/input_high" -> "88 MatMul_3/fq_weights_1" [label="[128, 1]", style=solid]; +"92 MatMul_3/fq_weights_1/input_low" -> "88 MatMul_3/fq_weights_1" [label="[128, 1]", style=solid]; +"93 MatMul_3/Constant_26" -> "88 MatMul_3/fq_weights_1" [label="[128, 64]", style=solid]; +"94 MatMul_3/fq_input_0/output_high" -> "26 MatMul_3/fq_input_0" [label="[]", style=solid]; +"95 MatMul_3/fq_input_0/output_low" -> "26 MatMul_3/fq_input_0" [label="[]", style=solid]; +"96 MatMul_3/fq_input_0/input_high" -> "26 MatMul_3/fq_input_0" [label="[]", style=solid]; +"97 MatMul_3/fq_input_0/input_low" -> "26 MatMul_3/fq_input_0" [label="[]", style=solid]; +} diff --git a/tests/openvino/native/data/2024.3/reference_graphs/quantized/ScaleShiftReluModel.dot b/tests/openvino/native/data/2024.3/reference_graphs/quantized/ScaleShiftReluModel.dot new file mode 100644 index 00000000000..d274beabd19 --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_graphs/quantized/ScaleShiftReluModel.dot @@ -0,0 +1,63 @@ +strict digraph { +"0 Input" [id=0, type=Parameter]; +"1 Input/fq_output_0" [id=1, type=FakeQuantize]; +"2 MatMul" [id=2, type=MatMul]; +"3 Mul" [id=3, type=Multiply]; +"4 Add" [id=4, type=Add]; +"5 Relu" [id=5, type=Relu]; +"6 Relu/fq_output_0" [id=6, type=FakeQuantize]; +"7 MatMul2" [id=7, type=MatMul]; +"8 Result" [id=8, type=Result]; +"9 MatMul2/fq_weights_1" [id=9, type=FakeQuantize]; +"10 MatMul2/fq_weights_1/output_high" [id=10, type=Constant]; +"11 MatMul2/fq_weights_1/output_low" [id=11, type=Constant]; +"12 MatMul2/fq_weights_1/input_high" [id=12, type=Constant]; +"13 MatMul2/fq_weights_1/input_low" [id=13, type=Constant]; +"14 MatMul2/Constant_9" [id=14, type=Constant]; +"15 Relu/fq_output_0/output_high" [id=15, type=Constant]; +"16 Relu/fq_output_0/output_low" [id=16, type=Constant]; +"17 Relu/fq_output_0/input_high" [id=17, type=Constant]; +"18 Relu/fq_output_0/input_low" [id=18, type=Constant]; +"19 Add/Constant_6" [id=19, type=Constant]; +"20 Mul/Constant_4" [id=20, type=Constant]; +"21 MatMul/fq_weights_1" [id=21, type=FakeQuantize]; +"22 MatMul/fq_weights_1/output_high" [id=22, type=Constant]; +"23 MatMul/fq_weights_1/output_low" [id=23, type=Constant]; +"24 MatMul/fq_weights_1/input_high" [id=24, type=Constant]; +"25 MatMul/fq_weights_1/input_low" [id=25, type=Constant]; +"26 MatMul/Constant_2" [id=26, type=Constant]; +"27 Input/fq_output_0/output_high" [id=27, type=Constant]; +"28 Input/fq_output_0/output_low" [id=28, type=Constant]; +"29 Input/fq_output_0/input_high" [id=29, type=Constant]; +"30 Input/fq_output_0/input_low" [id=30, type=Constant]; +"0 Input" -> "1 Input/fq_output_0" [label="[3, 5]", style=solid]; +"1 Input/fq_output_0" -> "2 MatMul" [label="[3, 5]", style=solid]; +"2 MatMul" -> "3 Mul" [label="[3, 2]", style=solid]; +"3 Mul" -> "4 Add" [label="[3, 2]", style=solid]; +"4 Add" -> "5 Relu" [label="[3, 2]", style=solid]; +"5 Relu" -> "6 Relu/fq_output_0" [label="[3, 2]", style=solid]; +"6 Relu/fq_output_0" -> "7 MatMul2" [label="[3, 2]", style=solid]; +"7 MatMul2" -> "8 Result" [label="[3, 4]", style=solid]; +"9 MatMul2/fq_weights_1" -> "7 MatMul2" [label="[2, 4]", style=solid]; +"10 MatMul2/fq_weights_1/output_high" -> "9 MatMul2/fq_weights_1" [label="[1, 4]", style=solid]; +"11 MatMul2/fq_weights_1/output_low" -> "9 MatMul2/fq_weights_1" [label="[1, 4]", style=solid]; +"12 MatMul2/fq_weights_1/input_high" -> "9 MatMul2/fq_weights_1" [label="[1, 4]", style=solid]; +"13 MatMul2/fq_weights_1/input_low" -> "9 MatMul2/fq_weights_1" [label="[1, 4]", style=solid]; +"14 MatMul2/Constant_9" -> "9 MatMul2/fq_weights_1" [label="[2, 4]", style=solid]; +"15 Relu/fq_output_0/output_high" -> "6 Relu/fq_output_0" [label="[]", style=solid]; +"16 Relu/fq_output_0/output_low" -> "6 Relu/fq_output_0" [label="[]", style=solid]; +"17 Relu/fq_output_0/input_high" -> "6 Relu/fq_output_0" [label="[]", style=solid]; +"18 Relu/fq_output_0/input_low" -> "6 Relu/fq_output_0" [label="[]", style=solid]; +"19 Add/Constant_6" -> "4 Add" [label="[1, 2]", style=solid]; +"20 Mul/Constant_4" -> "3 Mul" [label="[1, 2]", style=solid]; +"21 MatMul/fq_weights_1" -> "2 MatMul" [label="[5, 2]", style=solid]; +"22 MatMul/fq_weights_1/output_high" -> "21 MatMul/fq_weights_1" [label="[1, 2]", style=solid]; +"23 MatMul/fq_weights_1/output_low" -> "21 MatMul/fq_weights_1" [label="[1, 2]", style=solid]; +"24 MatMul/fq_weights_1/input_high" -> "21 MatMul/fq_weights_1" [label="[1, 2]", style=solid]; +"25 MatMul/fq_weights_1/input_low" -> "21 MatMul/fq_weights_1" [label="[1, 2]", style=solid]; +"26 MatMul/Constant_2" -> "21 MatMul/fq_weights_1" [label="[5, 2]", style=solid]; +"27 Input/fq_output_0/output_high" -> "1 Input/fq_output_0" [label="[]", style=solid]; +"28 Input/fq_output_0/output_low" -> "1 Input/fq_output_0" [label="[]", style=solid]; +"29 Input/fq_output_0/input_high" -> "1 Input/fq_output_0" [label="[]", style=solid]; +"30 Input/fq_output_0/input_low" -> "1 Input/fq_output_0" [label="[]", style=solid]; +} diff --git a/tests/openvino/native/data/2024.3/reference_scales/GroupNormalizationModel_mixed.json b/tests/openvino/native/data/2024.3/reference_scales/GroupNormalizationModel_mixed.json new file mode 100644 index 00000000000..41d366ce327 --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_scales/GroupNormalizationModel_mixed.json @@ -0,0 +1,168 @@ +{ + "Conv_Add/fq_output_0": { + "input_low": 0.0, + "input_high": 18.557750701904297, + "output_low": 0.0, + "output_high": 18.557750701904297 + }, + "Conv/fq_weights_1": { + "input_low": [ + [ + [ + [ + [ + -1.994419813156128 + ] + ] + ] + ], + [ + [ + [ + [ + -1.9901930093765259 + ] + ] + ] + ], + [ + [ + [ + [ + -1.932124137878418 + ] + ] + ] + ], + [ + [ + [ + [ + -1.9898346662521362 + ] + ] + ] + ] + ], + "input_high": [ + [ + [ + [ + [ + 1.994419813156128 + ] + ] + ] + ], + [ + [ + [ + [ + 1.9901930093765259 + ] + ] + ] + ], + [ + [ + [ + [ + 1.932124137878418 + ] + ] + ] + ], + [ + [ + [ + [ + 1.9898346662521362 + ] + ] + ] + ] + ], + "output_low": [ + [ + [ + [ + [ + -1.994419813156128 + ] + ] + ] + ], + [ + [ + [ + [ + -1.9901930093765259 + ] + ] + ] + ], + [ + [ + [ + [ + -1.932124137878418 + ] + ] + ] + ], + [ + [ + [ + [ + -1.9898346662521362 + ] + ] + ] + ] + ], + "output_high": [ + [ + [ + [ + [ + 1.994419813156128 + ] + ] + ] + ], + [ + [ + [ + [ + 1.9901930093765259 + ] + ] + ] + ], + [ + [ + [ + [ + 1.932124137878418 + ] + ] + ] + ], + [ + [ + [ + [ + 1.9898346662521362 + ] + ] + ] + ] + ] + }, + "Input_1/fq_output_0": { + "input_low": 0.0, + "input_high": 0.997209906578064, + "output_low": 0.0, + "output_high": 0.997209906578064 + } +} \ No newline at end of file diff --git a/tests/openvino/native/data/2024.3/reference_scales/GroupNormalizationModel_performance.json b/tests/openvino/native/data/2024.3/reference_scales/GroupNormalizationModel_performance.json new file mode 100644 index 00000000000..41d366ce327 --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_scales/GroupNormalizationModel_performance.json @@ -0,0 +1,168 @@ +{ + "Conv_Add/fq_output_0": { + "input_low": 0.0, + "input_high": 18.557750701904297, + "output_low": 0.0, + "output_high": 18.557750701904297 + }, + "Conv/fq_weights_1": { + "input_low": [ + [ + [ + [ + [ + -1.994419813156128 + ] + ] + ] + ], + [ + [ + [ + [ + -1.9901930093765259 + ] + ] + ] + ], + [ + [ + [ + [ + -1.932124137878418 + ] + ] + ] + ], + [ + [ + [ + [ + -1.9898346662521362 + ] + ] + ] + ] + ], + "input_high": [ + [ + [ + [ + [ + 1.994419813156128 + ] + ] + ] + ], + [ + [ + [ + [ + 1.9901930093765259 + ] + ] + ] + ], + [ + [ + [ + [ + 1.932124137878418 + ] + ] + ] + ], + [ + [ + [ + [ + 1.9898346662521362 + ] + ] + ] + ] + ], + "output_low": [ + [ + [ + [ + [ + -1.994419813156128 + ] + ] + ] + ], + [ + [ + [ + [ + -1.9901930093765259 + ] + ] + ] + ], + [ + [ + [ + [ + -1.932124137878418 + ] + ] + ] + ], + [ + [ + [ + [ + -1.9898346662521362 + ] + ] + ] + ] + ], + "output_high": [ + [ + [ + [ + [ + 1.994419813156128 + ] + ] + ] + ], + [ + [ + [ + [ + 1.9901930093765259 + ] + ] + ] + ], + [ + [ + [ + [ + 1.932124137878418 + ] + ] + ] + ], + [ + [ + [ + [ + 1.9898346662521362 + ] + ] + ] + ] + ] + }, + "Input_1/fq_output_0": { + "input_low": 0.0, + "input_high": 0.997209906578064, + "output_low": 0.0, + "output_high": 0.997209906578064 + } +} \ No newline at end of file diff --git a/tests/openvino/native/data/2024.3/reference_scales/LSTMModel_mixed.json b/tests/openvino/native/data/2024.3/reference_scales/LSTMModel_mixed.json new file mode 100644 index 00000000000..85b936781fe --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_scales/LSTMModel_mixed.json @@ -0,0 +1,7778 @@ +{ + "Tanh_2/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9638857245445251, + "output_low": 0.0, + "output_high": 0.9638857245445251 + }, + "Multiply_2/fq_output_0": { + "input_low": 0.0, + "input_high": 1.0008000135421753, + "output_low": 0.0, + "output_high": 1.0008000135421753 + }, + "Sigmoid_2/fq_output_0": { + "input_low": 0.0, + "input_high": 1.0008000135421753, + "output_low": 0.0, + "output_high": 1.0008000135421753 + }, + "MatMul_2/fq_output_0": { + "input_low": 0.0, + "input_high": 41.4161262512207, + "output_low": 0.0, + "output_high": 41.4161262512207 + }, + "MatMul_2/fq_weights_1": { + "input_low": [ + [ + -0.9909773468971252 + ], + [ + -0.9983454346656799 + ], + [ + -0.9831878542900085 + ], + [ + -0.9906973838806152 + ], + [ + -0.9991681575775146 + ], + [ + -0.9676032662391663 + ], + [ + -0.9950801730155945 + ], + [ + -0.9989418983459473 + ], + [ + -0.9921422600746155 + ], + [ + -0.99116450548172 + ], + [ + -0.9910928010940552 + ], + [ + -0.9955175518989563 + ], + [ + -0.9855421781539917 + ], + [ + -0.9536381363868713 + ], + [ + -0.9983392953872681 + ], + [ + -0.9792799949645996 + ], + [ + -0.9958244562149048 + ], + [ + -0.9807993173599243 + ], + [ + -0.9856321215629578 + ], + [ + -0.9808271527290344 + ], + [ + -0.9623140692710876 + ], + [ + -0.9904636144638062 + ], + [ + -0.9682698249816895 + ], + [ + -0.9762869477272034 + ], + [ + -0.9942306280136108 + ], + [ + -0.9901894330978394 + ], + [ + -0.9958839416503906 + ], + [ + -0.9749670028686523 + ], + [ + -0.9958682060241699 + ], + [ + -0.9894793033599854 + ], + [ + -0.9965365529060364 + ], + [ + -0.9700952768325806 + ], + [ + -0.9949041604995728 + ], + [ + -0.9829294085502625 + ], + [ + -0.991074800491333 + ], + [ + -0.9927648901939392 + ], + [ + -0.9932846426963806 + ], + [ + -0.9548827409744263 + ], + [ + -0.9726462960243225 + ], + [ + -0.9990813136100769 + ], + [ + -0.9813863039016724 + ], + [ + -0.9905388355255127 + ], + [ + -0.9781097769737244 + ], + [ + -0.989486813545227 + ], + [ + -0.998881459236145 + ], + [ + -0.988550066947937 + ], + [ + -0.9875874519348145 + ], + [ + -0.9983980655670166 + ], + [ + -0.9880405068397522 + ], + [ + -0.9825812578201294 + ], + [ + -0.9962864518165588 + ], + [ + -0.9574106335639954 + ], + [ + -0.9918659329414368 + ], + [ + -0.9835743308067322 + ], + [ + -0.9988095760345459 + ], + [ + -0.8950998187065125 + ], + [ + -0.9890387654304504 + ], + [ + -0.9874756932258606 + ], + [ + -0.9957981109619141 + ], + [ + -0.9993019104003906 + ], + [ + -0.996136486530304 + ], + [ + -0.9745022654533386 + ], + [ + -0.9974161386489868 + ], + [ + -0.9891718029975891 + ], + [ + -0.9975799918174744 + ], + [ + -0.9909142851829529 + ], + [ + -0.989179790019989 + ], + [ + -0.978251576423645 + ], + [ + -0.9917712211608887 + ], + [ + -0.9965060353279114 + ], + [ + -0.9970428347587585 + ], + [ + -0.9859961867332458 + ], + [ + -0.9820922017097473 + ], + [ + -0.986920177936554 + ], + [ + -0.9901742935180664 + ], + [ + -0.9985538125038147 + ], + [ + -0.9886013865470886 + ], + [ + -0.9789594411849976 + ], + [ + -0.9965196847915649 + ], + [ + -0.990382194519043 + ], + [ + -0.9951403737068176 + ], + [ + -0.9591000080108643 + ], + [ + -0.9874412417411804 + ], + [ + -0.9825804233551025 + ], + [ + -0.992242157459259 + ], + [ + -0.9918845295906067 + ], + [ + -0.9858293533325195 + ], + [ + -0.9989430904388428 + ], + [ + -0.9597191214561462 + ], + [ + -0.9933499097824097 + ], + [ + -0.9906231760978699 + ], + [ + -0.9845786094665527 + ], + [ + -0.9610282182693481 + ], + [ + -0.9961503744125366 + ], + [ + -0.9696146845817566 + ], + [ + -0.9965823292732239 + ], + [ + -0.9936394691467285 + ], + [ + -0.9816159605979919 + ], + [ + -0.9795100092887878 + ], + [ + -0.9998399019241333 + ], + [ + -0.9724968075752258 + ], + [ + -0.9866291284561157 + ], + [ + -0.9963380098342896 + ], + [ + -0.9964209198951721 + ], + [ + -0.9951148629188538 + ], + [ + -0.9941226840019226 + ], + [ + -0.9998342394828796 + ], + [ + -0.986089289188385 + ], + [ + -0.999843180179596 + ], + [ + -0.9994115233421326 + ], + [ + -0.9939268827438354 + ], + [ + -0.9864682555198669 + ], + [ + -0.9951898455619812 + ], + [ + -0.9832066297531128 + ], + [ + -0.9777383208274841 + ], + [ + -0.9957072138786316 + ], + [ + -0.9908119440078735 + ], + [ + -0.9896420240402222 + ], + [ + -0.9981521964073181 + ], + [ + -0.9940311908721924 + ], + [ + -0.9960919618606567 + ], + [ + -0.9770079851150513 + ], + [ + -0.9921236634254456 + ], + [ + -0.9821001887321472 + ], + [ + -0.988516628742218 + ], + [ + -0.9615697860717773 + ], + [ + -0.9930355548858643 + ], + [ + -0.9858760833740234 + ], + [ + -0.9765929579734802 + ], + [ + -0.9881271123886108 + ], + [ + -0.991604745388031 + ], + [ + -0.9871941208839417 + ], + [ + -0.9976894855499268 + ], + [ + -0.9962239861488342 + ], + [ + -0.9808199405670166 + ], + [ + -0.9991806745529175 + ], + [ + -0.9781110882759094 + ], + [ + -0.9748021364212036 + ], + [ + -0.9951413869857788 + ], + [ + -0.9955171942710876 + ], + [ + -0.9992361068725586 + ], + [ + -0.9953001141548157 + ], + [ + -0.9940733909606934 + ], + [ + -0.9766422510147095 + ], + [ + -0.9874630570411682 + ], + [ + -0.989440381526947 + ], + [ + -0.9981264472007751 + ], + [ + -0.9987223148345947 + ], + [ + -0.9709160923957825 + ], + [ + -0.9808234572410583 + ], + [ + -0.9873252511024475 + ], + [ + -0.9893112182617188 + ], + [ + -0.9943447113037109 + ], + [ + -0.9992303252220154 + ], + [ + -0.986526608467102 + ], + [ + -0.9781844019889832 + ], + [ + -0.9558172821998596 + ], + [ + -0.9928550720214844 + ], + [ + -0.9595223069190979 + ], + [ + -0.9868951439857483 + ], + [ + -0.9997645616531372 + ], + [ + -0.9883376359939575 + ], + [ + -0.9950738549232483 + ], + [ + -0.974565327167511 + ], + [ + -0.9941418766975403 + ], + [ + -0.9823997020721436 + ], + [ + -0.9968482255935669 + ], + [ + -0.9912917017936707 + ], + [ + -0.9808583855628967 + ], + [ + -0.9979895353317261 + ], + [ + -0.9912863969802856 + ], + [ + -0.9927439093589783 + ], + [ + -0.9860440492630005 + ], + [ + -0.9989852905273438 + ], + [ + -0.9971586465835571 + ], + [ + -0.988552451133728 + ], + [ + -0.9960190653800964 + ], + [ + -0.9950498342514038 + ], + [ + -0.9633542895317078 + ], + [ + -0.9971114993095398 + ], + [ + -0.9759761095046997 + ], + [ + -0.9579861164093018 + ], + [ + -0.9925193190574646 + ], + [ + -0.9913685917854309 + ], + [ + -0.9811842441558838 + ], + [ + -0.9787631034851074 + ], + [ + -0.994145929813385 + ], + [ + -0.9755551218986511 + ], + [ + -0.9889241456985474 + ], + [ + -0.9680908918380737 + ], + [ + -0.9442887902259827 + ], + [ + -0.9974017143249512 + ], + [ + -0.9934690594673157 + ], + [ + -0.9784937500953674 + ], + [ + -0.9973057508468628 + ], + [ + -0.9688987135887146 + ], + [ + -0.9999781250953674 + ], + [ + -0.9993228912353516 + ], + [ + -0.9813523292541504 + ], + [ + -0.9999862909317017 + ], + [ + -0.9939435720443726 + ], + [ + -0.9868665337562561 + ], + [ + -0.9996060132980347 + ], + [ + -0.9930728673934937 + ], + [ + -0.9969081878662109 + ], + [ + -0.9946839213371277 + ], + [ + -0.9941709041595459 + ], + [ + -0.9794921875 + ], + [ + -0.9891036152839661 + ], + [ + -0.979666531085968 + ], + [ + -0.9994432330131531 + ], + [ + -0.9619389772415161 + ], + [ + -0.9898024201393127 + ], + [ + -0.9821221828460693 + ], + [ + -0.9734533429145813 + ], + [ + -0.99550461769104 + ], + [ + -0.9916052222251892 + ], + [ + -0.9966038465499878 + ], + [ + -0.9438002109527588 + ], + [ + -0.9970225691795349 + ], + [ + -0.9904787540435791 + ], + [ + -0.978326141834259 + ], + [ + -0.9893983006477356 + ], + [ + -0.9980165362358093 + ], + [ + -0.9990159869194031 + ], + [ + -0.9979041814804077 + ], + [ + -0.9862546324729919 + ], + [ + -0.9861188530921936 + ], + [ + -0.9959670901298523 + ], + [ + -0.9902665615081787 + ], + [ + -0.9341245889663696 + ], + [ + -0.9912442564964294 + ], + [ + -0.9988137483596802 + ], + [ + -0.9527305960655212 + ], + [ + -0.9997010827064514 + ], + [ + -0.9724005460739136 + ], + [ + -0.9889454245567322 + ], + [ + -0.9686486721038818 + ], + [ + -0.9673056602478027 + ], + [ + -0.9916380643844604 + ], + [ + -0.9993491768836975 + ], + [ + -0.9940215349197388 + ], + [ + -0.9714513421058655 + ], + [ + -0.9991717338562012 + ], + [ + -0.9955765008926392 + ], + [ + -0.9706039428710938 + ], + [ + -0.9861751198768616 + ], + [ + -0.9856794476509094 + ], + [ + -0.9803666472434998 + ], + [ + -0.9923833012580872 + ], + [ + -0.9959185123443604 + ], + [ + -0.9958447813987732 + ], + [ + -0.9722725749015808 + ], + [ + -0.993640124797821 + ], + [ + -0.9833834171295166 + ], + [ + -0.9924959540367126 + ] + ], + "input_high": [ + [ + 0.9909773468971252 + ], + [ + 0.9983454346656799 + ], + [ + 0.9831878542900085 + ], + [ + 0.9906973838806152 + ], + [ + 0.9991681575775146 + ], + [ + 0.9676032662391663 + ], + [ + 0.9950801730155945 + ], + [ + 0.9989418983459473 + ], + [ + 0.9921422600746155 + ], + [ + 0.99116450548172 + ], + [ + 0.9910928010940552 + ], + [ + 0.9955175518989563 + ], + [ + 0.9855421781539917 + ], + [ + 0.9536381363868713 + ], + [ + 0.9983392953872681 + ], + [ + 0.9792799949645996 + ], + [ + 0.9958244562149048 + ], + [ + 0.9807993173599243 + ], + [ + 0.9856321215629578 + ], + [ + 0.9808271527290344 + ], + [ + 0.9623140692710876 + ], + [ + 0.9904636144638062 + ], + [ + 0.9682698249816895 + ], + [ + 0.9762869477272034 + ], + [ + 0.9942306280136108 + ], + [ + 0.9901894330978394 + ], + [ + 0.9958839416503906 + ], + [ + 0.9749670028686523 + ], + [ + 0.9958682060241699 + ], + [ + 0.9894793033599854 + ], + [ + 0.9965365529060364 + ], + [ + 0.9700952768325806 + ], + [ + 0.9949041604995728 + ], + [ + 0.9829294085502625 + ], + [ + 0.991074800491333 + ], + [ + 0.9927648901939392 + ], + [ + 0.9932846426963806 + ], + [ + 0.9548827409744263 + ], + [ + 0.9726462960243225 + ], + [ + 0.9990813136100769 + ], + [ + 0.9813863039016724 + ], + [ + 0.9905388355255127 + ], + [ + 0.9781097769737244 + ], + [ + 0.989486813545227 + ], + [ + 0.998881459236145 + ], + [ + 0.988550066947937 + ], + [ + 0.9875874519348145 + ], + [ + 0.9983980655670166 + ], + [ + 0.9880405068397522 + ], + [ + 0.9825812578201294 + ], + [ + 0.9962864518165588 + ], + [ + 0.9574106335639954 + ], + [ + 0.9918659329414368 + ], + [ + 0.9835743308067322 + ], + [ + 0.9988095760345459 + ], + [ + 0.8950998187065125 + ], + [ + 0.9890387654304504 + ], + [ + 0.9874756932258606 + ], + [ + 0.9957981109619141 + ], + [ + 0.9993019104003906 + ], + [ + 0.996136486530304 + ], + [ + 0.9745022654533386 + ], + [ + 0.9974161386489868 + ], + [ + 0.9891718029975891 + ], + [ + 0.9975799918174744 + ], + [ + 0.9909142851829529 + ], + [ + 0.989179790019989 + ], + [ + 0.978251576423645 + ], + [ + 0.9917712211608887 + ], + [ + 0.9965060353279114 + ], + [ + 0.9970428347587585 + ], + [ + 0.9859961867332458 + ], + [ + 0.9820922017097473 + ], + [ + 0.986920177936554 + ], + [ + 0.9901742935180664 + ], + [ + 0.9985538125038147 + ], + [ + 0.9886013865470886 + ], + [ + 0.9789594411849976 + ], + [ + 0.9965196847915649 + ], + [ + 0.990382194519043 + ], + [ + 0.9951403737068176 + ], + [ + 0.9591000080108643 + ], + [ + 0.9874412417411804 + ], + [ + 0.9825804233551025 + ], + [ + 0.992242157459259 + ], + [ + 0.9918845295906067 + ], + [ + 0.9858293533325195 + ], + [ + 0.9989430904388428 + ], + [ + 0.9597191214561462 + ], + [ + 0.9933499097824097 + ], + [ + 0.9906231760978699 + ], + [ + 0.9845786094665527 + ], + [ + 0.9610282182693481 + ], + [ + 0.9961503744125366 + ], + [ + 0.9696146845817566 + ], + [ + 0.9965823292732239 + ], + [ + 0.9936394691467285 + ], + [ + 0.9816159605979919 + ], + [ + 0.9795100092887878 + ], + [ + 0.9998399019241333 + ], + [ + 0.9724968075752258 + ], + [ + 0.9866291284561157 + ], + [ + 0.9963380098342896 + ], + [ + 0.9964209198951721 + ], + [ + 0.9951148629188538 + ], + [ + 0.9941226840019226 + ], + [ + 0.9998342394828796 + ], + [ + 0.986089289188385 + ], + [ + 0.999843180179596 + ], + [ + 0.9994115233421326 + ], + [ + 0.9939268827438354 + ], + [ + 0.9864682555198669 + ], + [ + 0.9951898455619812 + ], + [ + 0.9832066297531128 + ], + [ + 0.9777383208274841 + ], + [ + 0.9957072138786316 + ], + [ + 0.9908119440078735 + ], + [ + 0.9896420240402222 + ], + [ + 0.9981521964073181 + ], + [ + 0.9940311908721924 + ], + [ + 0.9960919618606567 + ], + [ + 0.9770079851150513 + ], + [ + 0.9921236634254456 + ], + [ + 0.9821001887321472 + ], + [ + 0.988516628742218 + ], + [ + 0.9615697860717773 + ], + [ + 0.9930355548858643 + ], + [ + 0.9858760833740234 + ], + [ + 0.9765929579734802 + ], + [ + 0.9881271123886108 + ], + [ + 0.991604745388031 + ], + [ + 0.9871941208839417 + ], + [ + 0.9976894855499268 + ], + [ + 0.9962239861488342 + ], + [ + 0.9808199405670166 + ], + [ + 0.9991806745529175 + ], + [ + 0.9781110882759094 + ], + [ + 0.9748021364212036 + ], + [ + 0.9951413869857788 + ], + [ + 0.9955171942710876 + ], + [ + 0.9992361068725586 + ], + [ + 0.9953001141548157 + ], + [ + 0.9940733909606934 + ], + [ + 0.9766422510147095 + ], + [ + 0.9874630570411682 + ], + [ + 0.989440381526947 + ], + [ + 0.9981264472007751 + ], + [ + 0.9987223148345947 + ], + [ + 0.9709160923957825 + ], + [ + 0.9808234572410583 + ], + [ + 0.9873252511024475 + ], + [ + 0.9893112182617188 + ], + [ + 0.9943447113037109 + ], + [ + 0.9992303252220154 + ], + [ + 0.986526608467102 + ], + [ + 0.9781844019889832 + ], + [ + 0.9558172821998596 + ], + [ + 0.9928550720214844 + ], + [ + 0.9595223069190979 + ], + [ + 0.9868951439857483 + ], + [ + 0.9997645616531372 + ], + [ + 0.9883376359939575 + ], + [ + 0.9950738549232483 + ], + [ + 0.974565327167511 + ], + [ + 0.9941418766975403 + ], + [ + 0.9823997020721436 + ], + [ + 0.9968482255935669 + ], + [ + 0.9912917017936707 + ], + [ + 0.9808583855628967 + ], + [ + 0.9979895353317261 + ], + [ + 0.9912863969802856 + ], + [ + 0.9927439093589783 + ], + [ + 0.9860440492630005 + ], + [ + 0.9989852905273438 + ], + [ + 0.9971586465835571 + ], + [ + 0.988552451133728 + ], + [ + 0.9960190653800964 + ], + [ + 0.9950498342514038 + ], + [ + 0.9633542895317078 + ], + [ + 0.9971114993095398 + ], + [ + 0.9759761095046997 + ], + [ + 0.9579861164093018 + ], + [ + 0.9925193190574646 + ], + [ + 0.9913685917854309 + ], + [ + 0.9811842441558838 + ], + [ + 0.9787631034851074 + ], + [ + 0.994145929813385 + ], + [ + 0.9755551218986511 + ], + [ + 0.9889241456985474 + ], + [ + 0.9680908918380737 + ], + [ + 0.9442887902259827 + ], + [ + 0.9974017143249512 + ], + [ + 0.9934690594673157 + ], + [ + 0.9784937500953674 + ], + [ + 0.9973057508468628 + ], + [ + 0.9688987135887146 + ], + [ + 0.9999781250953674 + ], + [ + 0.9993228912353516 + ], + [ + 0.9813523292541504 + ], + [ + 0.9999862909317017 + ], + [ + 0.9939435720443726 + ], + [ + 0.9868665337562561 + ], + [ + 0.9996060132980347 + ], + [ + 0.9930728673934937 + ], + [ + 0.9969081878662109 + ], + [ + 0.9946839213371277 + ], + [ + 0.9941709041595459 + ], + [ + 0.9794921875 + ], + [ + 0.9891036152839661 + ], + [ + 0.979666531085968 + ], + [ + 0.9994432330131531 + ], + [ + 0.9619389772415161 + ], + [ + 0.9898024201393127 + ], + [ + 0.9821221828460693 + ], + [ + 0.9734533429145813 + ], + [ + 0.99550461769104 + ], + [ + 0.9916052222251892 + ], + [ + 0.9966038465499878 + ], + [ + 0.9438002109527588 + ], + [ + 0.9970225691795349 + ], + [ + 0.9904787540435791 + ], + [ + 0.978326141834259 + ], + [ + 0.9893983006477356 + ], + [ + 0.9980165362358093 + ], + [ + 0.9990159869194031 + ], + [ + 0.9979041814804077 + ], + [ + 0.9862546324729919 + ], + [ + 0.9861188530921936 + ], + [ + 0.9959670901298523 + ], + [ + 0.9902665615081787 + ], + [ + 0.9341245889663696 + ], + [ + 0.9912442564964294 + ], + [ + 0.9988137483596802 + ], + [ + 0.9527305960655212 + ], + [ + 0.9997010827064514 + ], + [ + 0.9724005460739136 + ], + [ + 0.9889454245567322 + ], + [ + 0.9686486721038818 + ], + [ + 0.9673056602478027 + ], + [ + 0.9916380643844604 + ], + [ + 0.9993491768836975 + ], + [ + 0.9940215349197388 + ], + [ + 0.9714513421058655 + ], + [ + 0.9991717338562012 + ], + [ + 0.9955765008926392 + ], + [ + 0.9706039428710938 + ], + [ + 0.9861751198768616 + ], + [ + 0.9856794476509094 + ], + [ + 0.9803666472434998 + ], + [ + 0.9923833012580872 + ], + [ + 0.9959185123443604 + ], + [ + 0.9958447813987732 + ], + [ + 0.9722725749015808 + ], + [ + 0.993640124797821 + ], + [ + 0.9833834171295166 + ], + [ + 0.9924959540367126 + ] + ], + "output_low": [ + [ + -0.9909773468971252 + ], + [ + -0.9983454346656799 + ], + [ + -0.9831878542900085 + ], + [ + -0.9906973838806152 + ], + [ + -0.9991681575775146 + ], + [ + -0.9676032662391663 + ], + [ + -0.9950801730155945 + ], + [ + -0.9989418983459473 + ], + [ + -0.9921422600746155 + ], + [ + -0.99116450548172 + ], + [ + -0.9910928010940552 + ], + [ + -0.9955175518989563 + ], + [ + -0.9855421781539917 + ], + [ + -0.9536381363868713 + ], + [ + -0.9983392953872681 + ], + [ + -0.9792799949645996 + ], + [ + -0.9958244562149048 + ], + [ + -0.9807993173599243 + ], + [ + -0.9856321215629578 + ], + [ + -0.9808271527290344 + ], + [ + -0.9623140692710876 + ], + [ + -0.9904636144638062 + ], + [ + -0.9682698249816895 + ], + [ + -0.9762869477272034 + ], + [ + -0.9942306280136108 + ], + [ + -0.9901894330978394 + ], + [ + -0.9958839416503906 + ], + [ + -0.9749670028686523 + ], + [ + -0.9958682060241699 + ], + [ + -0.9894793033599854 + ], + [ + -0.9965365529060364 + ], + [ + -0.9700952768325806 + ], + [ + -0.9949041604995728 + ], + [ + -0.9829294085502625 + ], + [ + -0.991074800491333 + ], + [ + -0.9927648901939392 + ], + [ + -0.9932846426963806 + ], + [ + -0.9548827409744263 + ], + [ + -0.9726462960243225 + ], + [ + -0.9990813136100769 + ], + [ + -0.9813863039016724 + ], + [ + -0.9905388355255127 + ], + [ + -0.9781097769737244 + ], + [ + -0.989486813545227 + ], + [ + -0.998881459236145 + ], + [ + -0.988550066947937 + ], + [ + -0.9875874519348145 + ], + [ + -0.9983980655670166 + ], + [ + -0.9880405068397522 + ], + [ + -0.9825812578201294 + ], + [ + -0.9962864518165588 + ], + [ + -0.9574106335639954 + ], + [ + -0.9918659329414368 + ], + [ + -0.9835743308067322 + ], + [ + -0.9988095760345459 + ], + [ + -0.8950998187065125 + ], + [ + -0.9890387654304504 + ], + [ + -0.9874756932258606 + ], + [ + -0.9957981109619141 + ], + [ + -0.9993019104003906 + ], + [ + -0.996136486530304 + ], + [ + -0.9745022654533386 + ], + [ + -0.9974161386489868 + ], + [ + -0.9891718029975891 + ], + [ + -0.9975799918174744 + ], + [ + -0.9909142851829529 + ], + [ + -0.989179790019989 + ], + [ + -0.978251576423645 + ], + [ + -0.9917712211608887 + ], + [ + -0.9965060353279114 + ], + [ + -0.9970428347587585 + ], + [ + -0.9859961867332458 + ], + [ + -0.9820922017097473 + ], + [ + -0.986920177936554 + ], + [ + -0.9901742935180664 + ], + [ + -0.9985538125038147 + ], + [ + -0.9886013865470886 + ], + [ + -0.9789594411849976 + ], + [ + -0.9965196847915649 + ], + [ + -0.990382194519043 + ], + [ + -0.9951403737068176 + ], + [ + -0.9591000080108643 + ], + [ + -0.9874412417411804 + ], + [ + -0.9825804233551025 + ], + [ + -0.992242157459259 + ], + [ + -0.9918845295906067 + ], + [ + -0.9858293533325195 + ], + [ + -0.9989430904388428 + ], + [ + -0.9597191214561462 + ], + [ + -0.9933499097824097 + ], + [ + -0.9906231760978699 + ], + [ + -0.9845786094665527 + ], + [ + -0.9610282182693481 + ], + [ + -0.9961503744125366 + ], + [ + -0.9696146845817566 + ], + [ + -0.9965823292732239 + ], + [ + -0.9936394691467285 + ], + [ + -0.9816159605979919 + ], + [ + -0.9795100092887878 + ], + [ + -0.9998399019241333 + ], + [ + -0.9724968075752258 + ], + [ + -0.9866291284561157 + ], + [ + -0.9963380098342896 + ], + [ + -0.9964209198951721 + ], + [ + -0.9951148629188538 + ], + [ + -0.9941226840019226 + ], + [ + -0.9998342394828796 + ], + [ + -0.986089289188385 + ], + [ + -0.999843180179596 + ], + [ + -0.9994115233421326 + ], + [ + -0.9939268827438354 + ], + [ + -0.9864682555198669 + ], + [ + -0.9951898455619812 + ], + [ + -0.9832066297531128 + ], + [ + -0.9777383208274841 + ], + [ + -0.9957072138786316 + ], + [ + -0.9908119440078735 + ], + [ + -0.9896420240402222 + ], + [ + -0.9981521964073181 + ], + [ + -0.9940311908721924 + ], + [ + -0.9960919618606567 + ], + [ + -0.9770079851150513 + ], + [ + -0.9921236634254456 + ], + [ + -0.9821001887321472 + ], + [ + -0.988516628742218 + ], + [ + -0.9615697860717773 + ], + [ + -0.9930355548858643 + ], + [ + -0.9858760833740234 + ], + [ + -0.9765929579734802 + ], + [ + -0.9881271123886108 + ], + [ + -0.991604745388031 + ], + [ + -0.9871941208839417 + ], + [ + -0.9976894855499268 + ], + [ + -0.9962239861488342 + ], + [ + -0.9808199405670166 + ], + [ + -0.9991806745529175 + ], + [ + -0.9781110882759094 + ], + [ + -0.9748021364212036 + ], + [ + -0.9951413869857788 + ], + [ + -0.9955171942710876 + ], + [ + -0.9992361068725586 + ], + [ + -0.9953001141548157 + ], + [ + -0.9940733909606934 + ], + [ + -0.9766422510147095 + ], + [ + -0.9874630570411682 + ], + [ + -0.989440381526947 + ], + [ + -0.9981264472007751 + ], + [ + -0.9987223148345947 + ], + [ + -0.9709160923957825 + ], + [ + -0.9808234572410583 + ], + [ + -0.9873252511024475 + ], + [ + -0.9893112182617188 + ], + [ + -0.9943447113037109 + ], + [ + -0.9992303252220154 + ], + [ + -0.986526608467102 + ], + [ + -0.9781844019889832 + ], + [ + -0.9558172821998596 + ], + [ + -0.9928550720214844 + ], + [ + -0.9595223069190979 + ], + [ + -0.9868951439857483 + ], + [ + -0.9997645616531372 + ], + [ + -0.9883376359939575 + ], + [ + -0.9950738549232483 + ], + [ + -0.974565327167511 + ], + [ + -0.9941418766975403 + ], + [ + -0.9823997020721436 + ], + [ + -0.9968482255935669 + ], + [ + -0.9912917017936707 + ], + [ + -0.9808583855628967 + ], + [ + -0.9979895353317261 + ], + [ + -0.9912863969802856 + ], + [ + -0.9927439093589783 + ], + [ + -0.9860440492630005 + ], + [ + -0.9989852905273438 + ], + [ + -0.9971586465835571 + ], + [ + -0.988552451133728 + ], + [ + -0.9960190653800964 + ], + [ + -0.9950498342514038 + ], + [ + -0.9633542895317078 + ], + [ + -0.9971114993095398 + ], + [ + -0.9759761095046997 + ], + [ + -0.9579861164093018 + ], + [ + -0.9925193190574646 + ], + [ + -0.9913685917854309 + ], + [ + -0.9811842441558838 + ], + [ + -0.9787631034851074 + ], + [ + -0.994145929813385 + ], + [ + -0.9755551218986511 + ], + [ + -0.9889241456985474 + ], + [ + -0.9680908918380737 + ], + [ + -0.9442887902259827 + ], + [ + -0.9974017143249512 + ], + [ + -0.9934690594673157 + ], + [ + -0.9784937500953674 + ], + [ + -0.9973057508468628 + ], + [ + -0.9688987135887146 + ], + [ + -0.9999781250953674 + ], + [ + -0.9993228912353516 + ], + [ + -0.9813523292541504 + ], + [ + -0.9999862909317017 + ], + [ + -0.9939435720443726 + ], + [ + -0.9868665337562561 + ], + [ + -0.9996060132980347 + ], + [ + -0.9930728673934937 + ], + [ + -0.9969081878662109 + ], + [ + -0.9946839213371277 + ], + [ + -0.9941709041595459 + ], + [ + -0.9794921875 + ], + [ + -0.9891036152839661 + ], + [ + -0.979666531085968 + ], + [ + -0.9994432330131531 + ], + [ + -0.9619389772415161 + ], + [ + -0.9898024201393127 + ], + [ + -0.9821221828460693 + ], + [ + -0.9734533429145813 + ], + [ + -0.99550461769104 + ], + [ + -0.9916052222251892 + ], + [ + -0.9966038465499878 + ], + [ + -0.9438002109527588 + ], + [ + -0.9970225691795349 + ], + [ + -0.9904787540435791 + ], + [ + -0.978326141834259 + ], + [ + -0.9893983006477356 + ], + [ + -0.9980165362358093 + ], + [ + -0.9990159869194031 + ], + [ + -0.9979041814804077 + ], + [ + -0.9862546324729919 + ], + [ + -0.9861188530921936 + ], + [ + -0.9959670901298523 + ], + [ + -0.9902665615081787 + ], + [ + -0.9341245889663696 + ], + [ + -0.9912442564964294 + ], + [ + -0.9988137483596802 + ], + [ + -0.9527305960655212 + ], + [ + -0.9997010827064514 + ], + [ + -0.9724005460739136 + ], + [ + -0.9889454245567322 + ], + [ + -0.9686486721038818 + ], + [ + -0.9673056602478027 + ], + [ + -0.9916380643844604 + ], + [ + -0.9993491768836975 + ], + [ + -0.9940215349197388 + ], + [ + -0.9714513421058655 + ], + [ + -0.9991717338562012 + ], + [ + -0.9955765008926392 + ], + [ + -0.9706039428710938 + ], + [ + -0.9861751198768616 + ], + [ + -0.9856794476509094 + ], + [ + -0.9803666472434998 + ], + [ + -0.9923833012580872 + ], + [ + -0.9959185123443604 + ], + [ + -0.9958447813987732 + ], + [ + -0.9722725749015808 + ], + [ + -0.993640124797821 + ], + [ + -0.9833834171295166 + ], + [ + -0.9924959540367126 + ] + ], + "output_high": [ + [ + 0.9909773468971252 + ], + [ + 0.9983454346656799 + ], + [ + 0.9831878542900085 + ], + [ + 0.9906973838806152 + ], + [ + 0.9991681575775146 + ], + [ + 0.9676032662391663 + ], + [ + 0.9950801730155945 + ], + [ + 0.9989418983459473 + ], + [ + 0.9921422600746155 + ], + [ + 0.99116450548172 + ], + [ + 0.9910928010940552 + ], + [ + 0.9955175518989563 + ], + [ + 0.9855421781539917 + ], + [ + 0.9536381363868713 + ], + [ + 0.9983392953872681 + ], + [ + 0.9792799949645996 + ], + [ + 0.9958244562149048 + ], + [ + 0.9807993173599243 + ], + [ + 0.9856321215629578 + ], + [ + 0.9808271527290344 + ], + [ + 0.9623140692710876 + ], + [ + 0.9904636144638062 + ], + [ + 0.9682698249816895 + ], + [ + 0.9762869477272034 + ], + [ + 0.9942306280136108 + ], + [ + 0.9901894330978394 + ], + [ + 0.9958839416503906 + ], + [ + 0.9749670028686523 + ], + [ + 0.9958682060241699 + ], + [ + 0.9894793033599854 + ], + [ + 0.9965365529060364 + ], + [ + 0.9700952768325806 + ], + [ + 0.9949041604995728 + ], + [ + 0.9829294085502625 + ], + [ + 0.991074800491333 + ], + [ + 0.9927648901939392 + ], + [ + 0.9932846426963806 + ], + [ + 0.9548827409744263 + ], + [ + 0.9726462960243225 + ], + [ + 0.9990813136100769 + ], + [ + 0.9813863039016724 + ], + [ + 0.9905388355255127 + ], + [ + 0.9781097769737244 + ], + [ + 0.989486813545227 + ], + [ + 0.998881459236145 + ], + [ + 0.988550066947937 + ], + [ + 0.9875874519348145 + ], + [ + 0.9983980655670166 + ], + [ + 0.9880405068397522 + ], + [ + 0.9825812578201294 + ], + [ + 0.9962864518165588 + ], + [ + 0.9574106335639954 + ], + [ + 0.9918659329414368 + ], + [ + 0.9835743308067322 + ], + [ + 0.9988095760345459 + ], + [ + 0.8950998187065125 + ], + [ + 0.9890387654304504 + ], + [ + 0.9874756932258606 + ], + [ + 0.9957981109619141 + ], + [ + 0.9993019104003906 + ], + [ + 0.996136486530304 + ], + [ + 0.9745022654533386 + ], + [ + 0.9974161386489868 + ], + [ + 0.9891718029975891 + ], + [ + 0.9975799918174744 + ], + [ + 0.9909142851829529 + ], + [ + 0.989179790019989 + ], + [ + 0.978251576423645 + ], + [ + 0.9917712211608887 + ], + [ + 0.9965060353279114 + ], + [ + 0.9970428347587585 + ], + [ + 0.9859961867332458 + ], + [ + 0.9820922017097473 + ], + [ + 0.986920177936554 + ], + [ + 0.9901742935180664 + ], + [ + 0.9985538125038147 + ], + [ + 0.9886013865470886 + ], + [ + 0.9789594411849976 + ], + [ + 0.9965196847915649 + ], + [ + 0.990382194519043 + ], + [ + 0.9951403737068176 + ], + [ + 0.9591000080108643 + ], + [ + 0.9874412417411804 + ], + [ + 0.9825804233551025 + ], + [ + 0.992242157459259 + ], + [ + 0.9918845295906067 + ], + [ + 0.9858293533325195 + ], + [ + 0.9989430904388428 + ], + [ + 0.9597191214561462 + ], + [ + 0.9933499097824097 + ], + [ + 0.9906231760978699 + ], + [ + 0.9845786094665527 + ], + [ + 0.9610282182693481 + ], + [ + 0.9961503744125366 + ], + [ + 0.9696146845817566 + ], + [ + 0.9965823292732239 + ], + [ + 0.9936394691467285 + ], + [ + 0.9816159605979919 + ], + [ + 0.9795100092887878 + ], + [ + 0.9998399019241333 + ], + [ + 0.9724968075752258 + ], + [ + 0.9866291284561157 + ], + [ + 0.9963380098342896 + ], + [ + 0.9964209198951721 + ], + [ + 0.9951148629188538 + ], + [ + 0.9941226840019226 + ], + [ + 0.9998342394828796 + ], + [ + 0.986089289188385 + ], + [ + 0.999843180179596 + ], + [ + 0.9994115233421326 + ], + [ + 0.9939268827438354 + ], + [ + 0.9864682555198669 + ], + [ + 0.9951898455619812 + ], + [ + 0.9832066297531128 + ], + [ + 0.9777383208274841 + ], + [ + 0.9957072138786316 + ], + [ + 0.9908119440078735 + ], + [ + 0.9896420240402222 + ], + [ + 0.9981521964073181 + ], + [ + 0.9940311908721924 + ], + [ + 0.9960919618606567 + ], + [ + 0.9770079851150513 + ], + [ + 0.9921236634254456 + ], + [ + 0.9821001887321472 + ], + [ + 0.988516628742218 + ], + [ + 0.9615697860717773 + ], + [ + 0.9930355548858643 + ], + [ + 0.9858760833740234 + ], + [ + 0.9765929579734802 + ], + [ + 0.9881271123886108 + ], + [ + 0.991604745388031 + ], + [ + 0.9871941208839417 + ], + [ + 0.9976894855499268 + ], + [ + 0.9962239861488342 + ], + [ + 0.9808199405670166 + ], + [ + 0.9991806745529175 + ], + [ + 0.9781110882759094 + ], + [ + 0.9748021364212036 + ], + [ + 0.9951413869857788 + ], + [ + 0.9955171942710876 + ], + [ + 0.9992361068725586 + ], + [ + 0.9953001141548157 + ], + [ + 0.9940733909606934 + ], + [ + 0.9766422510147095 + ], + [ + 0.9874630570411682 + ], + [ + 0.989440381526947 + ], + [ + 0.9981264472007751 + ], + [ + 0.9987223148345947 + ], + [ + 0.9709160923957825 + ], + [ + 0.9808234572410583 + ], + [ + 0.9873252511024475 + ], + [ + 0.9893112182617188 + ], + [ + 0.9943447113037109 + ], + [ + 0.9992303252220154 + ], + [ + 0.986526608467102 + ], + [ + 0.9781844019889832 + ], + [ + 0.9558172821998596 + ], + [ + 0.9928550720214844 + ], + [ + 0.9595223069190979 + ], + [ + 0.9868951439857483 + ], + [ + 0.9997645616531372 + ], + [ + 0.9883376359939575 + ], + [ + 0.9950738549232483 + ], + [ + 0.974565327167511 + ], + [ + 0.9941418766975403 + ], + [ + 0.9823997020721436 + ], + [ + 0.9968482255935669 + ], + [ + 0.9912917017936707 + ], + [ + 0.9808583855628967 + ], + [ + 0.9979895353317261 + ], + [ + 0.9912863969802856 + ], + [ + 0.9927439093589783 + ], + [ + 0.9860440492630005 + ], + [ + 0.9989852905273438 + ], + [ + 0.9971586465835571 + ], + [ + 0.988552451133728 + ], + [ + 0.9960190653800964 + ], + [ + 0.9950498342514038 + ], + [ + 0.9633542895317078 + ], + [ + 0.9971114993095398 + ], + [ + 0.9759761095046997 + ], + [ + 0.9579861164093018 + ], + [ + 0.9925193190574646 + ], + [ + 0.9913685917854309 + ], + [ + 0.9811842441558838 + ], + [ + 0.9787631034851074 + ], + [ + 0.994145929813385 + ], + [ + 0.9755551218986511 + ], + [ + 0.9889241456985474 + ], + [ + 0.9680908918380737 + ], + [ + 0.9442887902259827 + ], + [ + 0.9974017143249512 + ], + [ + 0.9934690594673157 + ], + [ + 0.9784937500953674 + ], + [ + 0.9973057508468628 + ], + [ + 0.9688987135887146 + ], + [ + 0.9999781250953674 + ], + [ + 0.9993228912353516 + ], + [ + 0.9813523292541504 + ], + [ + 0.9999862909317017 + ], + [ + 0.9939435720443726 + ], + [ + 0.9868665337562561 + ], + [ + 0.9996060132980347 + ], + [ + 0.9930728673934937 + ], + [ + 0.9969081878662109 + ], + [ + 0.9946839213371277 + ], + [ + 0.9941709041595459 + ], + [ + 0.9794921875 + ], + [ + 0.9891036152839661 + ], + [ + 0.979666531085968 + ], + [ + 0.9994432330131531 + ], + [ + 0.9619389772415161 + ], + [ + 0.9898024201393127 + ], + [ + 0.9821221828460693 + ], + [ + 0.9734533429145813 + ], + [ + 0.99550461769104 + ], + [ + 0.9916052222251892 + ], + [ + 0.9966038465499878 + ], + [ + 0.9438002109527588 + ], + [ + 0.9970225691795349 + ], + [ + 0.9904787540435791 + ], + [ + 0.978326141834259 + ], + [ + 0.9893983006477356 + ], + [ + 0.9980165362358093 + ], + [ + 0.9990159869194031 + ], + [ + 0.9979041814804077 + ], + [ + 0.9862546324729919 + ], + [ + 0.9861188530921936 + ], + [ + 0.9959670901298523 + ], + [ + 0.9902665615081787 + ], + [ + 0.9341245889663696 + ], + [ + 0.9912442564964294 + ], + [ + 0.9988137483596802 + ], + [ + 0.9527305960655212 + ], + [ + 0.9997010827064514 + ], + [ + 0.9724005460739136 + ], + [ + 0.9889454245567322 + ], + [ + 0.9686486721038818 + ], + [ + 0.9673056602478027 + ], + [ + 0.9916380643844604 + ], + [ + 0.9993491768836975 + ], + [ + 0.9940215349197388 + ], + [ + 0.9714513421058655 + ], + [ + 0.9991717338562012 + ], + [ + 0.9955765008926392 + ], + [ + 0.9706039428710938 + ], + [ + 0.9861751198768616 + ], + [ + 0.9856794476509094 + ], + [ + 0.9803666472434998 + ], + [ + 0.9923833012580872 + ], + [ + 0.9959185123443604 + ], + [ + 0.9958447813987732 + ], + [ + 0.9722725749015808 + ], + [ + 0.993640124797821 + ], + [ + 0.9833834171295166 + ], + [ + 0.9924959540367126 + ] + ] + }, + "Add/fq_output_0": { + "input_low": 0.0, + "input_high": 1.9382858276367188, + "output_low": 0.0, + "output_high": 1.9382858276367188 + }, + "MatMul_1/fq_output_0": { + "input_low": 0.0, + "input_high": 48.822410583496094, + "output_low": 0.0, + "output_high": 48.822410583496094 + }, + "MatMul_1/fq_weights_1": { + "input_low": [ + [ + -0.997209906578064 + ], + [ + -0.9949173331260681 + ], + [ + -0.9970102906227112 + ], + [ + -0.9907447099685669 + ], + [ + -0.9995013475418091 + ], + [ + -0.9916847348213196 + ], + [ + -0.9952998161315918 + ], + [ + -0.9706780314445496 + ], + [ + -0.9884659051895142 + ], + [ + -0.9829670786857605 + ], + [ + -0.9980674386024475 + ], + [ + -0.9965038895606995 + ], + [ + -0.9848328232765198 + ], + [ + -0.9952797293663025 + ], + [ + -0.991744875907898 + ], + [ + -0.9909734725952148 + ], + [ + -0.9968228936195374 + ], + [ + -0.9947412014007568 + ], + [ + -0.9995572566986084 + ], + [ + -0.9770334362983704 + ], + [ + -0.9989421367645264 + ], + [ + -0.98921799659729 + ], + [ + -0.9925505518913269 + ], + [ + -0.973052978515625 + ], + [ + -0.9948969483375549 + ], + [ + -0.9984723925590515 + ], + [ + -0.9995658993721008 + ], + [ + -0.9957154989242554 + ], + [ + -0.9991037249565125 + ], + [ + -0.9969573020935059 + ], + [ + -0.9988649487495422 + ], + [ + -0.9976487755775452 + ], + [ + -0.9977005124092102 + ], + [ + -0.9976039528846741 + ], + [ + -0.9961122274398804 + ], + [ + -0.985550582408905 + ], + [ + -0.9923359751701355 + ], + [ + -0.9899053573608398 + ], + [ + -0.9976468086242676 + ], + [ + -0.9793895483016968 + ], + [ + -0.9969144463539124 + ], + [ + -0.9911549091339111 + ], + [ + -0.9999169707298279 + ], + [ + -0.9942635893821716 + ], + [ + -0.9787606000900269 + ], + [ + -0.9908086657524109 + ], + [ + -0.9850028157234192 + ], + [ + -0.9999967813491821 + ], + [ + -0.9981984496116638 + ], + [ + -0.9987507462501526 + ], + [ + -0.9712238907814026 + ], + [ + -0.9995269775390625 + ], + [ + -0.9997587203979492 + ], + [ + -0.9954873323440552 + ], + [ + -0.998880922794342 + ], + [ + -0.9988654255867004 + ], + [ + -0.9847495555877686 + ], + [ + -0.9963366389274597 + ], + [ + -0.9949934482574463 + ], + [ + -0.9931712746620178 + ], + [ + -0.9915337562561035 + ], + [ + -0.9974387884140015 + ], + [ + -0.9980217814445496 + ], + [ + -0.9964509606361389 + ], + [ + -0.9923781156539917 + ], + [ + -0.9978485107421875 + ], + [ + -0.9943899512290955 + ], + [ + -0.9992311000823975 + ], + [ + -0.996059000492096 + ], + [ + -0.9933991432189941 + ], + [ + -0.9967544674873352 + ], + [ + -0.98456209897995 + ], + [ + -0.9866734147071838 + ], + [ + -0.9921278953552246 + ], + [ + -0.9963017106056213 + ], + [ + -0.9378506541252136 + ], + [ + -0.9762595295906067 + ], + [ + -0.9998682737350464 + ], + [ + -0.9913347363471985 + ], + [ + -0.9997410774230957 + ], + [ + -0.9701470732688904 + ], + [ + -0.9907292127609253 + ], + [ + -0.997471809387207 + ], + [ + -0.994312047958374 + ], + [ + -0.9993043541908264 + ], + [ + -0.9893314838409424 + ], + [ + -0.9994381666183472 + ], + [ + -0.9804852604866028 + ], + [ + -0.994705319404602 + ], + [ + -0.9966240525245667 + ], + [ + -0.9947917461395264 + ], + [ + -0.9975060820579529 + ], + [ + -0.9845627546310425 + ], + [ + -0.9937801957130432 + ], + [ + -0.9963642358779907 + ], + [ + -0.9990124106407166 + ], + [ + -0.9895134568214417 + ], + [ + -0.9890456795692444 + ], + [ + -0.987944483757019 + ], + [ + -0.9930492639541626 + ], + [ + -0.9977296590805054 + ], + [ + -0.9971364140510559 + ], + [ + -0.9956365823745728 + ], + [ + -0.9989039301872253 + ], + [ + -0.9948055148124695 + ], + [ + -0.9989332556724548 + ], + [ + -0.9937583804130554 + ], + [ + -0.9826812148094177 + ], + [ + -0.9972413182258606 + ], + [ + -0.9964587092399597 + ], + [ + -0.9966646432876587 + ], + [ + -0.9870226383209229 + ], + [ + -0.9938035011291504 + ], + [ + -0.9959368109703064 + ], + [ + -0.9975705742835999 + ], + [ + -0.9932180643081665 + ], + [ + -0.9971054196357727 + ], + [ + -0.9976403713226318 + ], + [ + -0.9995327591896057 + ], + [ + -0.9984899163246155 + ], + [ + -0.9962453842163086 + ], + [ + -0.9915542006492615 + ], + [ + -0.9969409704208374 + ], + [ + -0.9895216822624207 + ], + [ + -0.9820359945297241 + ], + [ + -0.9907808303833008 + ], + [ + -0.991483211517334 + ], + [ + -0.9928523898124695 + ], + [ + -0.9925488233566284 + ], + [ + -0.9880505204200745 + ], + [ + -0.9922356009483337 + ], + [ + -0.9954507350921631 + ], + [ + -0.9776898622512817 + ], + [ + -0.9983382225036621 + ], + [ + -0.9877969026565552 + ], + [ + -0.9950459003448486 + ], + [ + -0.9977895617485046 + ], + [ + -0.995330274105072 + ], + [ + -0.9917378425598145 + ], + [ + -0.9886570572853088 + ], + [ + -0.9954023957252502 + ], + [ + -0.984895646572113 + ], + [ + -0.9944501519203186 + ], + [ + -0.9982420206069946 + ], + [ + -0.9937803745269775 + ], + [ + -0.9644516706466675 + ], + [ + -0.9878875613212585 + ], + [ + -0.9968081712722778 + ], + [ + -0.9821614623069763 + ], + [ + -0.9965328574180603 + ], + [ + -0.9847080707550049 + ], + [ + -0.9993707537651062 + ], + [ + -0.9857835173606873 + ], + [ + -0.9796192049980164 + ], + [ + -0.9920153021812439 + ], + [ + -0.9983928203582764 + ], + [ + -0.98243647813797 + ], + [ + -0.9960442185401917 + ], + [ + -0.9984419345855713 + ], + [ + -0.9950466752052307 + ], + [ + -0.9884970188140869 + ], + [ + -0.9937816262245178 + ], + [ + -0.9954879283905029 + ], + [ + -0.9999688267707825 + ], + [ + -0.9984185695648193 + ], + [ + -0.998067319393158 + ], + [ + -0.9949743747711182 + ], + [ + -0.9808971285820007 + ], + [ + -0.9980217218399048 + ], + [ + -0.996214747428894 + ], + [ + -0.9966973662376404 + ], + [ + -0.9812440872192383 + ], + [ + -0.9845941662788391 + ], + [ + -0.9876970052719116 + ], + [ + -0.9955273270606995 + ], + [ + -0.9949563145637512 + ], + [ + -0.9974815845489502 + ], + [ + -0.9969190955162048 + ], + [ + -0.9882254004478455 + ], + [ + -0.9850651621818542 + ], + [ + -0.997317373752594 + ], + [ + -0.9981675744056702 + ], + [ + -0.9808862209320068 + ], + [ + -0.9913301467895508 + ], + [ + -0.9984498620033264 + ], + [ + -0.9857383966445923 + ], + [ + -0.9939991235733032 + ], + [ + -0.9823740124702454 + ], + [ + -0.9882915616035461 + ], + [ + -0.99458247423172 + ], + [ + -0.9939290285110474 + ], + [ + -0.9899991154670715 + ], + [ + -0.9987152814865112 + ], + [ + -0.9877135157585144 + ], + [ + -0.9878823161125183 + ], + [ + -0.9991747140884399 + ], + [ + -0.9687643051147461 + ], + [ + -0.9948200583457947 + ], + [ + -0.9884313941001892 + ], + [ + -0.987113893032074 + ], + [ + -0.9866806268692017 + ], + [ + -0.9810053706169128 + ], + [ + -0.9959402084350586 + ], + [ + -0.9960376620292664 + ], + [ + -0.9957947731018066 + ], + [ + -0.9891430139541626 + ], + [ + -0.9965304136276245 + ], + [ + -0.9970084428787231 + ], + [ + -0.9908405542373657 + ], + [ + -0.998543381690979 + ], + [ + -0.9876739382743835 + ], + [ + -0.9967957139015198 + ], + [ + -0.9854351282119751 + ], + [ + -0.9975273609161377 + ], + [ + -0.9984797239303589 + ], + [ + -0.9874700307846069 + ], + [ + -0.9960222244262695 + ], + [ + -0.9992651343345642 + ], + [ + -0.9884849786758423 + ], + [ + -0.9999648928642273 + ], + [ + -0.9991590976715088 + ], + [ + -0.9918185472488403 + ], + [ + -0.9798476696014404 + ], + [ + -0.9909056425094604 + ], + [ + -0.9988617300987244 + ], + [ + -0.9982262849807739 + ], + [ + -0.992141842842102 + ], + [ + -0.997732937335968 + ], + [ + -0.9918438196182251 + ], + [ + -0.991694986820221 + ], + [ + -0.9979233145713806 + ], + [ + -0.9989088773727417 + ], + [ + -0.9987594485282898 + ], + [ + -0.9991858005523682 + ], + [ + -0.9955074191093445 + ], + [ + -0.9919247627258301 + ], + [ + -0.9987843036651611 + ], + [ + -0.981169581413269 + ], + [ + -0.9735352396965027 + ], + [ + -0.9962743520736694 + ], + [ + -0.938964307308197 + ], + [ + -0.9986412525177002 + ], + [ + -0.9993836879730225 + ], + [ + -0.9928278923034668 + ], + [ + -0.9933155179023743 + ], + [ + -0.9852665662765503 + ], + [ + -0.9932408928871155 + ], + [ + -0.9923556447029114 + ], + [ + -0.9993647336959839 + ], + [ + -0.9824082851409912 + ], + [ + -0.9759500026702881 + ], + [ + -0.9933562874794006 + ], + [ + -0.9931491613388062 + ], + [ + -0.9914745688438416 + ], + [ + -0.9974210858345032 + ], + [ + -0.9900017380714417 + ] + ], + "input_high": [ + [ + 0.997209906578064 + ], + [ + 0.9949173331260681 + ], + [ + 0.9970102906227112 + ], + [ + 0.9907447099685669 + ], + [ + 0.9995013475418091 + ], + [ + 0.9916847348213196 + ], + [ + 0.9952998161315918 + ], + [ + 0.9706780314445496 + ], + [ + 0.9884659051895142 + ], + [ + 0.9829670786857605 + ], + [ + 0.9980674386024475 + ], + [ + 0.9965038895606995 + ], + [ + 0.9848328232765198 + ], + [ + 0.9952797293663025 + ], + [ + 0.991744875907898 + ], + [ + 0.9909734725952148 + ], + [ + 0.9968228936195374 + ], + [ + 0.9947412014007568 + ], + [ + 0.9995572566986084 + ], + [ + 0.9770334362983704 + ], + [ + 0.9989421367645264 + ], + [ + 0.98921799659729 + ], + [ + 0.9925505518913269 + ], + [ + 0.973052978515625 + ], + [ + 0.9948969483375549 + ], + [ + 0.9984723925590515 + ], + [ + 0.9995658993721008 + ], + [ + 0.9957154989242554 + ], + [ + 0.9991037249565125 + ], + [ + 0.9969573020935059 + ], + [ + 0.9988649487495422 + ], + [ + 0.9976487755775452 + ], + [ + 0.9977005124092102 + ], + [ + 0.9976039528846741 + ], + [ + 0.9961122274398804 + ], + [ + 0.985550582408905 + ], + [ + 0.9923359751701355 + ], + [ + 0.9899053573608398 + ], + [ + 0.9976468086242676 + ], + [ + 0.9793895483016968 + ], + [ + 0.9969144463539124 + ], + [ + 0.9911549091339111 + ], + [ + 0.9999169707298279 + ], + [ + 0.9942635893821716 + ], + [ + 0.9787606000900269 + ], + [ + 0.9908086657524109 + ], + [ + 0.9850028157234192 + ], + [ + 0.9999967813491821 + ], + [ + 0.9981984496116638 + ], + [ + 0.9987507462501526 + ], + [ + 0.9712238907814026 + ], + [ + 0.9995269775390625 + ], + [ + 0.9997587203979492 + ], + [ + 0.9954873323440552 + ], + [ + 0.998880922794342 + ], + [ + 0.9988654255867004 + ], + [ + 0.9847495555877686 + ], + [ + 0.9963366389274597 + ], + [ + 0.9949934482574463 + ], + [ + 0.9931712746620178 + ], + [ + 0.9915337562561035 + ], + [ + 0.9974387884140015 + ], + [ + 0.9980217814445496 + ], + [ + 0.9964509606361389 + ], + [ + 0.9923781156539917 + ], + [ + 0.9978485107421875 + ], + [ + 0.9943899512290955 + ], + [ + 0.9992311000823975 + ], + [ + 0.996059000492096 + ], + [ + 0.9933991432189941 + ], + [ + 0.9967544674873352 + ], + [ + 0.98456209897995 + ], + [ + 0.9866734147071838 + ], + [ + 0.9921278953552246 + ], + [ + 0.9963017106056213 + ], + [ + 0.9378506541252136 + ], + [ + 0.9762595295906067 + ], + [ + 0.9998682737350464 + ], + [ + 0.9913347363471985 + ], + [ + 0.9997410774230957 + ], + [ + 0.9701470732688904 + ], + [ + 0.9907292127609253 + ], + [ + 0.997471809387207 + ], + [ + 0.994312047958374 + ], + [ + 0.9993043541908264 + ], + [ + 0.9893314838409424 + ], + [ + 0.9994381666183472 + ], + [ + 0.9804852604866028 + ], + [ + 0.994705319404602 + ], + [ + 0.9966240525245667 + ], + [ + 0.9947917461395264 + ], + [ + 0.9975060820579529 + ], + [ + 0.9845627546310425 + ], + [ + 0.9937801957130432 + ], + [ + 0.9963642358779907 + ], + [ + 0.9990124106407166 + ], + [ + 0.9895134568214417 + ], + [ + 0.9890456795692444 + ], + [ + 0.987944483757019 + ], + [ + 0.9930492639541626 + ], + [ + 0.9977296590805054 + ], + [ + 0.9971364140510559 + ], + [ + 0.9956365823745728 + ], + [ + 0.9989039301872253 + ], + [ + 0.9948055148124695 + ], + [ + 0.9989332556724548 + ], + [ + 0.9937583804130554 + ], + [ + 0.9826812148094177 + ], + [ + 0.9972413182258606 + ], + [ + 0.9964587092399597 + ], + [ + 0.9966646432876587 + ], + [ + 0.9870226383209229 + ], + [ + 0.9938035011291504 + ], + [ + 0.9959368109703064 + ], + [ + 0.9975705742835999 + ], + [ + 0.9932180643081665 + ], + [ + 0.9971054196357727 + ], + [ + 0.9976403713226318 + ], + [ + 0.9995327591896057 + ], + [ + 0.9984899163246155 + ], + [ + 0.9962453842163086 + ], + [ + 0.9915542006492615 + ], + [ + 0.9969409704208374 + ], + [ + 0.9895216822624207 + ], + [ + 0.9820359945297241 + ], + [ + 0.9907808303833008 + ], + [ + 0.991483211517334 + ], + [ + 0.9928523898124695 + ], + [ + 0.9925488233566284 + ], + [ + 0.9880505204200745 + ], + [ + 0.9922356009483337 + ], + [ + 0.9954507350921631 + ], + [ + 0.9776898622512817 + ], + [ + 0.9983382225036621 + ], + [ + 0.9877969026565552 + ], + [ + 0.9950459003448486 + ], + [ + 0.9977895617485046 + ], + [ + 0.995330274105072 + ], + [ + 0.9917378425598145 + ], + [ + 0.9886570572853088 + ], + [ + 0.9954023957252502 + ], + [ + 0.984895646572113 + ], + [ + 0.9944501519203186 + ], + [ + 0.9982420206069946 + ], + [ + 0.9937803745269775 + ], + [ + 0.9644516706466675 + ], + [ + 0.9878875613212585 + ], + [ + 0.9968081712722778 + ], + [ + 0.9821614623069763 + ], + [ + 0.9965328574180603 + ], + [ + 0.9847080707550049 + ], + [ + 0.9993707537651062 + ], + [ + 0.9857835173606873 + ], + [ + 0.9796192049980164 + ], + [ + 0.9920153021812439 + ], + [ + 0.9983928203582764 + ], + [ + 0.98243647813797 + ], + [ + 0.9960442185401917 + ], + [ + 0.9984419345855713 + ], + [ + 0.9950466752052307 + ], + [ + 0.9884970188140869 + ], + [ + 0.9937816262245178 + ], + [ + 0.9954879283905029 + ], + [ + 0.9999688267707825 + ], + [ + 0.9984185695648193 + ], + [ + 0.998067319393158 + ], + [ + 0.9949743747711182 + ], + [ + 0.9808971285820007 + ], + [ + 0.9980217218399048 + ], + [ + 0.996214747428894 + ], + [ + 0.9966973662376404 + ], + [ + 0.9812440872192383 + ], + [ + 0.9845941662788391 + ], + [ + 0.9876970052719116 + ], + [ + 0.9955273270606995 + ], + [ + 0.9949563145637512 + ], + [ + 0.9974815845489502 + ], + [ + 0.9969190955162048 + ], + [ + 0.9882254004478455 + ], + [ + 0.9850651621818542 + ], + [ + 0.997317373752594 + ], + [ + 0.9981675744056702 + ], + [ + 0.9808862209320068 + ], + [ + 0.9913301467895508 + ], + [ + 0.9984498620033264 + ], + [ + 0.9857383966445923 + ], + [ + 0.9939991235733032 + ], + [ + 0.9823740124702454 + ], + [ + 0.9882915616035461 + ], + [ + 0.99458247423172 + ], + [ + 0.9939290285110474 + ], + [ + 0.9899991154670715 + ], + [ + 0.9987152814865112 + ], + [ + 0.9877135157585144 + ], + [ + 0.9878823161125183 + ], + [ + 0.9991747140884399 + ], + [ + 0.9687643051147461 + ], + [ + 0.9948200583457947 + ], + [ + 0.9884313941001892 + ], + [ + 0.987113893032074 + ], + [ + 0.9866806268692017 + ], + [ + 0.9810053706169128 + ], + [ + 0.9959402084350586 + ], + [ + 0.9960376620292664 + ], + [ + 0.9957947731018066 + ], + [ + 0.9891430139541626 + ], + [ + 0.9965304136276245 + ], + [ + 0.9970084428787231 + ], + [ + 0.9908405542373657 + ], + [ + 0.998543381690979 + ], + [ + 0.9876739382743835 + ], + [ + 0.9967957139015198 + ], + [ + 0.9854351282119751 + ], + [ + 0.9975273609161377 + ], + [ + 0.9984797239303589 + ], + [ + 0.9874700307846069 + ], + [ + 0.9960222244262695 + ], + [ + 0.9992651343345642 + ], + [ + 0.9884849786758423 + ], + [ + 0.9999648928642273 + ], + [ + 0.9991590976715088 + ], + [ + 0.9918185472488403 + ], + [ + 0.9798476696014404 + ], + [ + 0.9909056425094604 + ], + [ + 0.9988617300987244 + ], + [ + 0.9982262849807739 + ], + [ + 0.992141842842102 + ], + [ + 0.997732937335968 + ], + [ + 0.9918438196182251 + ], + [ + 0.991694986820221 + ], + [ + 0.9979233145713806 + ], + [ + 0.9989088773727417 + ], + [ + 0.9987594485282898 + ], + [ + 0.9991858005523682 + ], + [ + 0.9955074191093445 + ], + [ + 0.9919247627258301 + ], + [ + 0.9987843036651611 + ], + [ + 0.981169581413269 + ], + [ + 0.9735352396965027 + ], + [ + 0.9962743520736694 + ], + [ + 0.938964307308197 + ], + [ + 0.9986412525177002 + ], + [ + 0.9993836879730225 + ], + [ + 0.9928278923034668 + ], + [ + 0.9933155179023743 + ], + [ + 0.9852665662765503 + ], + [ + 0.9932408928871155 + ], + [ + 0.9923556447029114 + ], + [ + 0.9993647336959839 + ], + [ + 0.9824082851409912 + ], + [ + 0.9759500026702881 + ], + [ + 0.9933562874794006 + ], + [ + 0.9931491613388062 + ], + [ + 0.9914745688438416 + ], + [ + 0.9974210858345032 + ], + [ + 0.9900017380714417 + ] + ], + "output_low": [ + [ + -0.997209906578064 + ], + [ + -0.9949173331260681 + ], + [ + -0.9970102906227112 + ], + [ + -0.9907447099685669 + ], + [ + -0.9995013475418091 + ], + [ + -0.9916847348213196 + ], + [ + -0.9952998161315918 + ], + [ + -0.9706780314445496 + ], + [ + -0.9884659051895142 + ], + [ + -0.9829670786857605 + ], + [ + -0.9980674386024475 + ], + [ + -0.9965038895606995 + ], + [ + -0.9848328232765198 + ], + [ + -0.9952797293663025 + ], + [ + -0.991744875907898 + ], + [ + -0.9909734725952148 + ], + [ + -0.9968228936195374 + ], + [ + -0.9947412014007568 + ], + [ + -0.9995572566986084 + ], + [ + -0.9770334362983704 + ], + [ + -0.9989421367645264 + ], + [ + -0.98921799659729 + ], + [ + -0.9925505518913269 + ], + [ + -0.973052978515625 + ], + [ + -0.9948969483375549 + ], + [ + -0.9984723925590515 + ], + [ + -0.9995658993721008 + ], + [ + -0.9957154989242554 + ], + [ + -0.9991037249565125 + ], + [ + -0.9969573020935059 + ], + [ + -0.9988649487495422 + ], + [ + -0.9976487755775452 + ], + [ + -0.9977005124092102 + ], + [ + -0.9976039528846741 + ], + [ + -0.9961122274398804 + ], + [ + -0.985550582408905 + ], + [ + -0.9923359751701355 + ], + [ + -0.9899053573608398 + ], + [ + -0.9976468086242676 + ], + [ + -0.9793895483016968 + ], + [ + -0.9969144463539124 + ], + [ + -0.9911549091339111 + ], + [ + -0.9999169707298279 + ], + [ + -0.9942635893821716 + ], + [ + -0.9787606000900269 + ], + [ + -0.9908086657524109 + ], + [ + -0.9850028157234192 + ], + [ + -0.9999967813491821 + ], + [ + -0.9981984496116638 + ], + [ + -0.9987507462501526 + ], + [ + -0.9712238907814026 + ], + [ + -0.9995269775390625 + ], + [ + -0.9997587203979492 + ], + [ + -0.9954873323440552 + ], + [ + -0.998880922794342 + ], + [ + -0.9988654255867004 + ], + [ + -0.9847495555877686 + ], + [ + -0.9963366389274597 + ], + [ + -0.9949934482574463 + ], + [ + -0.9931712746620178 + ], + [ + -0.9915337562561035 + ], + [ + -0.9974387884140015 + ], + [ + -0.9980217814445496 + ], + [ + -0.9964509606361389 + ], + [ + -0.9923781156539917 + ], + [ + -0.9978485107421875 + ], + [ + -0.9943899512290955 + ], + [ + -0.9992311000823975 + ], + [ + -0.996059000492096 + ], + [ + -0.9933991432189941 + ], + [ + -0.9967544674873352 + ], + [ + -0.98456209897995 + ], + [ + -0.9866734147071838 + ], + [ + -0.9921278953552246 + ], + [ + -0.9963017106056213 + ], + [ + -0.9378506541252136 + ], + [ + -0.9762595295906067 + ], + [ + -0.9998682737350464 + ], + [ + -0.9913347363471985 + ], + [ + -0.9997410774230957 + ], + [ + -0.9701470732688904 + ], + [ + -0.9907292127609253 + ], + [ + -0.997471809387207 + ], + [ + -0.994312047958374 + ], + [ + -0.9993043541908264 + ], + [ + -0.9893314838409424 + ], + [ + -0.9994381666183472 + ], + [ + -0.9804852604866028 + ], + [ + -0.994705319404602 + ], + [ + -0.9966240525245667 + ], + [ + -0.9947917461395264 + ], + [ + -0.9975060820579529 + ], + [ + -0.9845627546310425 + ], + [ + -0.9937801957130432 + ], + [ + -0.9963642358779907 + ], + [ + -0.9990124106407166 + ], + [ + -0.9895134568214417 + ], + [ + -0.9890456795692444 + ], + [ + -0.987944483757019 + ], + [ + -0.9930492639541626 + ], + [ + -0.9977296590805054 + ], + [ + -0.9971364140510559 + ], + [ + -0.9956365823745728 + ], + [ + -0.9989039301872253 + ], + [ + -0.9948055148124695 + ], + [ + -0.9989332556724548 + ], + [ + -0.9937583804130554 + ], + [ + -0.9826812148094177 + ], + [ + -0.9972413182258606 + ], + [ + -0.9964587092399597 + ], + [ + -0.9966646432876587 + ], + [ + -0.9870226383209229 + ], + [ + -0.9938035011291504 + ], + [ + -0.9959368109703064 + ], + [ + -0.9975705742835999 + ], + [ + -0.9932180643081665 + ], + [ + -0.9971054196357727 + ], + [ + -0.9976403713226318 + ], + [ + -0.9995327591896057 + ], + [ + -0.9984899163246155 + ], + [ + -0.9962453842163086 + ], + [ + -0.9915542006492615 + ], + [ + -0.9969409704208374 + ], + [ + -0.9895216822624207 + ], + [ + -0.9820359945297241 + ], + [ + -0.9907808303833008 + ], + [ + -0.991483211517334 + ], + [ + -0.9928523898124695 + ], + [ + -0.9925488233566284 + ], + [ + -0.9880505204200745 + ], + [ + -0.9922356009483337 + ], + [ + -0.9954507350921631 + ], + [ + -0.9776898622512817 + ], + [ + -0.9983382225036621 + ], + [ + -0.9877969026565552 + ], + [ + -0.9950459003448486 + ], + [ + -0.9977895617485046 + ], + [ + -0.995330274105072 + ], + [ + -0.9917378425598145 + ], + [ + -0.9886570572853088 + ], + [ + -0.9954023957252502 + ], + [ + -0.984895646572113 + ], + [ + -0.9944501519203186 + ], + [ + -0.9982420206069946 + ], + [ + -0.9937803745269775 + ], + [ + -0.9644516706466675 + ], + [ + -0.9878875613212585 + ], + [ + -0.9968081712722778 + ], + [ + -0.9821614623069763 + ], + [ + -0.9965328574180603 + ], + [ + -0.9847080707550049 + ], + [ + -0.9993707537651062 + ], + [ + -0.9857835173606873 + ], + [ + -0.9796192049980164 + ], + [ + -0.9920153021812439 + ], + [ + -0.9983928203582764 + ], + [ + -0.98243647813797 + ], + [ + -0.9960442185401917 + ], + [ + -0.9984419345855713 + ], + [ + -0.9950466752052307 + ], + [ + -0.9884970188140869 + ], + [ + -0.9937816262245178 + ], + [ + -0.9954879283905029 + ], + [ + -0.9999688267707825 + ], + [ + -0.9984185695648193 + ], + [ + -0.998067319393158 + ], + [ + -0.9949743747711182 + ], + [ + -0.9808971285820007 + ], + [ + -0.9980217218399048 + ], + [ + -0.996214747428894 + ], + [ + -0.9966973662376404 + ], + [ + -0.9812440872192383 + ], + [ + -0.9845941662788391 + ], + [ + -0.9876970052719116 + ], + [ + -0.9955273270606995 + ], + [ + -0.9949563145637512 + ], + [ + -0.9974815845489502 + ], + [ + -0.9969190955162048 + ], + [ + -0.9882254004478455 + ], + [ + -0.9850651621818542 + ], + [ + -0.997317373752594 + ], + [ + -0.9981675744056702 + ], + [ + -0.9808862209320068 + ], + [ + -0.9913301467895508 + ], + [ + -0.9984498620033264 + ], + [ + -0.9857383966445923 + ], + [ + -0.9939991235733032 + ], + [ + -0.9823740124702454 + ], + [ + -0.9882915616035461 + ], + [ + -0.99458247423172 + ], + [ + -0.9939290285110474 + ], + [ + -0.9899991154670715 + ], + [ + -0.9987152814865112 + ], + [ + -0.9877135157585144 + ], + [ + -0.9878823161125183 + ], + [ + -0.9991747140884399 + ], + [ + -0.9687643051147461 + ], + [ + -0.9948200583457947 + ], + [ + -0.9884313941001892 + ], + [ + -0.987113893032074 + ], + [ + -0.9866806268692017 + ], + [ + -0.9810053706169128 + ], + [ + -0.9959402084350586 + ], + [ + -0.9960376620292664 + ], + [ + -0.9957947731018066 + ], + [ + -0.9891430139541626 + ], + [ + -0.9965304136276245 + ], + [ + -0.9970084428787231 + ], + [ + -0.9908405542373657 + ], + [ + -0.998543381690979 + ], + [ + -0.9876739382743835 + ], + [ + -0.9967957139015198 + ], + [ + -0.9854351282119751 + ], + [ + -0.9975273609161377 + ], + [ + -0.9984797239303589 + ], + [ + -0.9874700307846069 + ], + [ + -0.9960222244262695 + ], + [ + -0.9992651343345642 + ], + [ + -0.9884849786758423 + ], + [ + -0.9999648928642273 + ], + [ + -0.9991590976715088 + ], + [ + -0.9918185472488403 + ], + [ + -0.9798476696014404 + ], + [ + -0.9909056425094604 + ], + [ + -0.9988617300987244 + ], + [ + -0.9982262849807739 + ], + [ + -0.992141842842102 + ], + [ + -0.997732937335968 + ], + [ + -0.9918438196182251 + ], + [ + -0.991694986820221 + ], + [ + -0.9979233145713806 + ], + [ + -0.9989088773727417 + ], + [ + -0.9987594485282898 + ], + [ + -0.9991858005523682 + ], + [ + -0.9955074191093445 + ], + [ + -0.9919247627258301 + ], + [ + -0.9987843036651611 + ], + [ + -0.981169581413269 + ], + [ + -0.9735352396965027 + ], + [ + -0.9962743520736694 + ], + [ + -0.938964307308197 + ], + [ + -0.9986412525177002 + ], + [ + -0.9993836879730225 + ], + [ + -0.9928278923034668 + ], + [ + -0.9933155179023743 + ], + [ + -0.9852665662765503 + ], + [ + -0.9932408928871155 + ], + [ + -0.9923556447029114 + ], + [ + -0.9993647336959839 + ], + [ + -0.9824082851409912 + ], + [ + -0.9759500026702881 + ], + [ + -0.9933562874794006 + ], + [ + -0.9931491613388062 + ], + [ + -0.9914745688438416 + ], + [ + -0.9974210858345032 + ], + [ + -0.9900017380714417 + ] + ], + "output_high": [ + [ + 0.997209906578064 + ], + [ + 0.9949173331260681 + ], + [ + 0.9970102906227112 + ], + [ + 0.9907447099685669 + ], + [ + 0.9995013475418091 + ], + [ + 0.9916847348213196 + ], + [ + 0.9952998161315918 + ], + [ + 0.9706780314445496 + ], + [ + 0.9884659051895142 + ], + [ + 0.9829670786857605 + ], + [ + 0.9980674386024475 + ], + [ + 0.9965038895606995 + ], + [ + 0.9848328232765198 + ], + [ + 0.9952797293663025 + ], + [ + 0.991744875907898 + ], + [ + 0.9909734725952148 + ], + [ + 0.9968228936195374 + ], + [ + 0.9947412014007568 + ], + [ + 0.9995572566986084 + ], + [ + 0.9770334362983704 + ], + [ + 0.9989421367645264 + ], + [ + 0.98921799659729 + ], + [ + 0.9925505518913269 + ], + [ + 0.973052978515625 + ], + [ + 0.9948969483375549 + ], + [ + 0.9984723925590515 + ], + [ + 0.9995658993721008 + ], + [ + 0.9957154989242554 + ], + [ + 0.9991037249565125 + ], + [ + 0.9969573020935059 + ], + [ + 0.9988649487495422 + ], + [ + 0.9976487755775452 + ], + [ + 0.9977005124092102 + ], + [ + 0.9976039528846741 + ], + [ + 0.9961122274398804 + ], + [ + 0.985550582408905 + ], + [ + 0.9923359751701355 + ], + [ + 0.9899053573608398 + ], + [ + 0.9976468086242676 + ], + [ + 0.9793895483016968 + ], + [ + 0.9969144463539124 + ], + [ + 0.9911549091339111 + ], + [ + 0.9999169707298279 + ], + [ + 0.9942635893821716 + ], + [ + 0.9787606000900269 + ], + [ + 0.9908086657524109 + ], + [ + 0.9850028157234192 + ], + [ + 0.9999967813491821 + ], + [ + 0.9981984496116638 + ], + [ + 0.9987507462501526 + ], + [ + 0.9712238907814026 + ], + [ + 0.9995269775390625 + ], + [ + 0.9997587203979492 + ], + [ + 0.9954873323440552 + ], + [ + 0.998880922794342 + ], + [ + 0.9988654255867004 + ], + [ + 0.9847495555877686 + ], + [ + 0.9963366389274597 + ], + [ + 0.9949934482574463 + ], + [ + 0.9931712746620178 + ], + [ + 0.9915337562561035 + ], + [ + 0.9974387884140015 + ], + [ + 0.9980217814445496 + ], + [ + 0.9964509606361389 + ], + [ + 0.9923781156539917 + ], + [ + 0.9978485107421875 + ], + [ + 0.9943899512290955 + ], + [ + 0.9992311000823975 + ], + [ + 0.996059000492096 + ], + [ + 0.9933991432189941 + ], + [ + 0.9967544674873352 + ], + [ + 0.98456209897995 + ], + [ + 0.9866734147071838 + ], + [ + 0.9921278953552246 + ], + [ + 0.9963017106056213 + ], + [ + 0.9378506541252136 + ], + [ + 0.9762595295906067 + ], + [ + 0.9998682737350464 + ], + [ + 0.9913347363471985 + ], + [ + 0.9997410774230957 + ], + [ + 0.9701470732688904 + ], + [ + 0.9907292127609253 + ], + [ + 0.997471809387207 + ], + [ + 0.994312047958374 + ], + [ + 0.9993043541908264 + ], + [ + 0.9893314838409424 + ], + [ + 0.9994381666183472 + ], + [ + 0.9804852604866028 + ], + [ + 0.994705319404602 + ], + [ + 0.9966240525245667 + ], + [ + 0.9947917461395264 + ], + [ + 0.9975060820579529 + ], + [ + 0.9845627546310425 + ], + [ + 0.9937801957130432 + ], + [ + 0.9963642358779907 + ], + [ + 0.9990124106407166 + ], + [ + 0.9895134568214417 + ], + [ + 0.9890456795692444 + ], + [ + 0.987944483757019 + ], + [ + 0.9930492639541626 + ], + [ + 0.9977296590805054 + ], + [ + 0.9971364140510559 + ], + [ + 0.9956365823745728 + ], + [ + 0.9989039301872253 + ], + [ + 0.9948055148124695 + ], + [ + 0.9989332556724548 + ], + [ + 0.9937583804130554 + ], + [ + 0.9826812148094177 + ], + [ + 0.9972413182258606 + ], + [ + 0.9964587092399597 + ], + [ + 0.9966646432876587 + ], + [ + 0.9870226383209229 + ], + [ + 0.9938035011291504 + ], + [ + 0.9959368109703064 + ], + [ + 0.9975705742835999 + ], + [ + 0.9932180643081665 + ], + [ + 0.9971054196357727 + ], + [ + 0.9976403713226318 + ], + [ + 0.9995327591896057 + ], + [ + 0.9984899163246155 + ], + [ + 0.9962453842163086 + ], + [ + 0.9915542006492615 + ], + [ + 0.9969409704208374 + ], + [ + 0.9895216822624207 + ], + [ + 0.9820359945297241 + ], + [ + 0.9907808303833008 + ], + [ + 0.991483211517334 + ], + [ + 0.9928523898124695 + ], + [ + 0.9925488233566284 + ], + [ + 0.9880505204200745 + ], + [ + 0.9922356009483337 + ], + [ + 0.9954507350921631 + ], + [ + 0.9776898622512817 + ], + [ + 0.9983382225036621 + ], + [ + 0.9877969026565552 + ], + [ + 0.9950459003448486 + ], + [ + 0.9977895617485046 + ], + [ + 0.995330274105072 + ], + [ + 0.9917378425598145 + ], + [ + 0.9886570572853088 + ], + [ + 0.9954023957252502 + ], + [ + 0.984895646572113 + ], + [ + 0.9944501519203186 + ], + [ + 0.9982420206069946 + ], + [ + 0.9937803745269775 + ], + [ + 0.9644516706466675 + ], + [ + 0.9878875613212585 + ], + [ + 0.9968081712722778 + ], + [ + 0.9821614623069763 + ], + [ + 0.9965328574180603 + ], + [ + 0.9847080707550049 + ], + [ + 0.9993707537651062 + ], + [ + 0.9857835173606873 + ], + [ + 0.9796192049980164 + ], + [ + 0.9920153021812439 + ], + [ + 0.9983928203582764 + ], + [ + 0.98243647813797 + ], + [ + 0.9960442185401917 + ], + [ + 0.9984419345855713 + ], + [ + 0.9950466752052307 + ], + [ + 0.9884970188140869 + ], + [ + 0.9937816262245178 + ], + [ + 0.9954879283905029 + ], + [ + 0.9999688267707825 + ], + [ + 0.9984185695648193 + ], + [ + 0.998067319393158 + ], + [ + 0.9949743747711182 + ], + [ + 0.9808971285820007 + ], + [ + 0.9980217218399048 + ], + [ + 0.996214747428894 + ], + [ + 0.9966973662376404 + ], + [ + 0.9812440872192383 + ], + [ + 0.9845941662788391 + ], + [ + 0.9876970052719116 + ], + [ + 0.9955273270606995 + ], + [ + 0.9949563145637512 + ], + [ + 0.9974815845489502 + ], + [ + 0.9969190955162048 + ], + [ + 0.9882254004478455 + ], + [ + 0.9850651621818542 + ], + [ + 0.997317373752594 + ], + [ + 0.9981675744056702 + ], + [ + 0.9808862209320068 + ], + [ + 0.9913301467895508 + ], + [ + 0.9984498620033264 + ], + [ + 0.9857383966445923 + ], + [ + 0.9939991235733032 + ], + [ + 0.9823740124702454 + ], + [ + 0.9882915616035461 + ], + [ + 0.99458247423172 + ], + [ + 0.9939290285110474 + ], + [ + 0.9899991154670715 + ], + [ + 0.9987152814865112 + ], + [ + 0.9877135157585144 + ], + [ + 0.9878823161125183 + ], + [ + 0.9991747140884399 + ], + [ + 0.9687643051147461 + ], + [ + 0.9948200583457947 + ], + [ + 0.9884313941001892 + ], + [ + 0.987113893032074 + ], + [ + 0.9866806268692017 + ], + [ + 0.9810053706169128 + ], + [ + 0.9959402084350586 + ], + [ + 0.9960376620292664 + ], + [ + 0.9957947731018066 + ], + [ + 0.9891430139541626 + ], + [ + 0.9965304136276245 + ], + [ + 0.9970084428787231 + ], + [ + 0.9908405542373657 + ], + [ + 0.998543381690979 + ], + [ + 0.9876739382743835 + ], + [ + 0.9967957139015198 + ], + [ + 0.9854351282119751 + ], + [ + 0.9975273609161377 + ], + [ + 0.9984797239303589 + ], + [ + 0.9874700307846069 + ], + [ + 0.9960222244262695 + ], + [ + 0.9992651343345642 + ], + [ + 0.9884849786758423 + ], + [ + 0.9999648928642273 + ], + [ + 0.9991590976715088 + ], + [ + 0.9918185472488403 + ], + [ + 0.9798476696014404 + ], + [ + 0.9909056425094604 + ], + [ + 0.9988617300987244 + ], + [ + 0.9982262849807739 + ], + [ + 0.992141842842102 + ], + [ + 0.997732937335968 + ], + [ + 0.9918438196182251 + ], + [ + 0.991694986820221 + ], + [ + 0.9979233145713806 + ], + [ + 0.9989088773727417 + ], + [ + 0.9987594485282898 + ], + [ + 0.9991858005523682 + ], + [ + 0.9955074191093445 + ], + [ + 0.9919247627258301 + ], + [ + 0.9987843036651611 + ], + [ + 0.981169581413269 + ], + [ + 0.9735352396965027 + ], + [ + 0.9962743520736694 + ], + [ + 0.938964307308197 + ], + [ + 0.9986412525177002 + ], + [ + 0.9993836879730225 + ], + [ + 0.9928278923034668 + ], + [ + 0.9933155179023743 + ], + [ + 0.9852665662765503 + ], + [ + 0.9932408928871155 + ], + [ + 0.9923556447029114 + ], + [ + 0.9993647336959839 + ], + [ + 0.9824082851409912 + ], + [ + 0.9759500026702881 + ], + [ + 0.9933562874794006 + ], + [ + 0.9931491613388062 + ], + [ + 0.9914745688438416 + ], + [ + 0.9974210858345032 + ], + [ + 0.9900017380714417 + ] + ] + }, + "Input/fq_output_0": { + "input_low": 0.0, + "input_high": 0.997209906578064, + "output_low": 0.0, + "output_high": 0.997209906578064 + }, + "Tanh_1/fq_output_0": { + "input_low": 0.0, + "input_high": 1.0008000135421753, + "output_low": 0.0, + "output_high": 1.0008000135421753 + }, + "Multiply_1/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9979961514472961, + "output_low": 0.0, + "output_high": 0.9979961514472961 + }, + "Sigmoid_3/fq_output_0": { + "input_low": 0.0, + "input_high": 1.0008000135421753, + "output_low": 0.0, + "output_high": 1.0008000135421753 + }, + "MatMul_3/fq_weights_1": { + "input_low": [ + [ + -0.9965215921401978 + ], + [ + -0.9667642712593079 + ], + [ + -0.9970813989639282 + ], + [ + -0.9790157079696655 + ], + [ + -0.9729253053665161 + ], + [ + -0.9842010140419006 + ], + [ + -0.994486391544342 + ], + [ + -0.9925340414047241 + ], + [ + -0.9902921915054321 + ], + [ + -0.998791515827179 + ], + [ + -0.9897582530975342 + ], + [ + -0.9915051460266113 + ], + [ + -0.9986451864242554 + ], + [ + -0.992239236831665 + ], + [ + -0.9963834285736084 + ], + [ + -0.9966105818748474 + ], + [ + -0.9975471496582031 + ], + [ + -0.9942125678062439 + ], + [ + -0.9969807863235474 + ], + [ + -0.9815940260887146 + ], + [ + -0.9824799299240112 + ], + [ + -0.9857101440429688 + ], + [ + -0.9466978907585144 + ], + [ + -0.9763142466545105 + ], + [ + -0.9815077781677246 + ], + [ + -0.9992015957832336 + ], + [ + -0.9958590269088745 + ], + [ + -0.994219958782196 + ], + [ + -0.9854848384857178 + ], + [ + -0.9433828592300415 + ], + [ + -0.9874377250671387 + ], + [ + -0.9638236165046692 + ], + [ + -0.993701159954071 + ], + [ + -0.9867001175880432 + ], + [ + -0.9879632592201233 + ], + [ + -0.9920366406440735 + ], + [ + -0.9985228180885315 + ], + [ + -0.9999561309814453 + ], + [ + -0.971184253692627 + ], + [ + -0.9829646348953247 + ], + [ + -0.9991790056228638 + ], + [ + -0.9927377104759216 + ], + [ + -0.9935421347618103 + ], + [ + -0.9919619560241699 + ], + [ + -0.9491509199142456 + ], + [ + -0.9767999649047852 + ], + [ + -0.9997765421867371 + ], + [ + -0.9904158115386963 + ], + [ + -0.9733511805534363 + ], + [ + -0.9895845055580139 + ], + [ + -0.9666234254837036 + ], + [ + -0.9970883131027222 + ], + [ + -0.9984264373779297 + ], + [ + -0.9788975119590759 + ], + [ + -0.9785648584365845 + ], + [ + -0.9736199975013733 + ], + [ + -0.9425509572029114 + ], + [ + -0.9823529124259949 + ], + [ + -0.9886667132377625 + ], + [ + -0.9851393699645996 + ], + [ + -0.9725267291069031 + ], + [ + -0.953076958656311 + ], + [ + -0.9942945241928101 + ], + [ + -0.9937012195587158 + ], + [ + -0.994581937789917 + ], + [ + -0.9986890554428101 + ], + [ + -0.9979872703552246 + ], + [ + -0.9895309209823608 + ], + [ + -0.9751254916191101 + ], + [ + -0.9939358234405518 + ], + [ + -0.9740241169929504 + ], + [ + -0.9713121652603149 + ], + [ + -0.9805923104286194 + ], + [ + -0.9963231086730957 + ], + [ + -0.9792383313179016 + ], + [ + -0.9791774153709412 + ], + [ + -0.9910611510276794 + ], + [ + -0.9978975653648376 + ], + [ + -0.96517014503479 + ], + [ + -0.9910309910774231 + ], + [ + -0.9689407348632812 + ], + [ + -0.9991772174835205 + ], + [ + -0.9814849495887756 + ], + [ + -0.9868127107620239 + ], + [ + -0.9858996272087097 + ], + [ + -0.9998777508735657 + ], + [ + -0.9944142699241638 + ], + [ + -0.9993980526924133 + ], + [ + -0.9714465141296387 + ], + [ + -0.9895434975624084 + ], + [ + -0.9411516785621643 + ], + [ + -0.9873178005218506 + ], + [ + -0.9997856020927429 + ], + [ + -0.9871017932891846 + ], + [ + -0.9745408892631531 + ], + [ + -0.9944347143173218 + ], + [ + -0.9969112277030945 + ], + [ + -0.9977160692214966 + ], + [ + -0.9937180876731873 + ], + [ + -0.9472196698188782 + ], + [ + -0.9780084490776062 + ], + [ + -0.992570161819458 + ], + [ + -0.9869006872177124 + ], + [ + -0.9564433097839355 + ], + [ + -0.9795003533363342 + ], + [ + -0.9989544153213501 + ], + [ + -0.9801754951477051 + ], + [ + -0.995251476764679 + ], + [ + -0.9819392561912537 + ], + [ + -0.9878218770027161 + ], + [ + -0.9783255457878113 + ], + [ + -0.999534547328949 + ], + [ + -0.9861119389533997 + ], + [ + -0.9654863476753235 + ], + [ + -0.9998683929443359 + ], + [ + -0.9913340210914612 + ], + [ + -0.9991106390953064 + ], + [ + -0.9916864633560181 + ], + [ + -0.9983119368553162 + ], + [ + -0.9754260182380676 + ], + [ + -0.9982365369796753 + ], + [ + -0.9985356330871582 + ], + [ + -0.9866330623626709 + ], + [ + -0.9662703275680542 + ], + [ + -0.9823802709579468 + ], + [ + -0.9748610258102417 + ], + [ + -0.9987218379974365 + ], + [ + -0.987769603729248 + ] + ], + "input_high": [ + [ + 0.9965215921401978 + ], + [ + 0.9667642712593079 + ], + [ + 0.9970813989639282 + ], + [ + 0.9790157079696655 + ], + [ + 0.9729253053665161 + ], + [ + 0.9842010140419006 + ], + [ + 0.994486391544342 + ], + [ + 0.9925340414047241 + ], + [ + 0.9902921915054321 + ], + [ + 0.998791515827179 + ], + [ + 0.9897582530975342 + ], + [ + 0.9915051460266113 + ], + [ + 0.9986451864242554 + ], + [ + 0.992239236831665 + ], + [ + 0.9963834285736084 + ], + [ + 0.9966105818748474 + ], + [ + 0.9975471496582031 + ], + [ + 0.9942125678062439 + ], + [ + 0.9969807863235474 + ], + [ + 0.9815940260887146 + ], + [ + 0.9824799299240112 + ], + [ + 0.9857101440429688 + ], + [ + 0.9466978907585144 + ], + [ + 0.9763142466545105 + ], + [ + 0.9815077781677246 + ], + [ + 0.9992015957832336 + ], + [ + 0.9958590269088745 + ], + [ + 0.994219958782196 + ], + [ + 0.9854848384857178 + ], + [ + 0.9433828592300415 + ], + [ + 0.9874377250671387 + ], + [ + 0.9638236165046692 + ], + [ + 0.993701159954071 + ], + [ + 0.9867001175880432 + ], + [ + 0.9879632592201233 + ], + [ + 0.9920366406440735 + ], + [ + 0.9985228180885315 + ], + [ + 0.9999561309814453 + ], + [ + 0.971184253692627 + ], + [ + 0.9829646348953247 + ], + [ + 0.9991790056228638 + ], + [ + 0.9927377104759216 + ], + [ + 0.9935421347618103 + ], + [ + 0.9919619560241699 + ], + [ + 0.9491509199142456 + ], + [ + 0.9767999649047852 + ], + [ + 0.9997765421867371 + ], + [ + 0.9904158115386963 + ], + [ + 0.9733511805534363 + ], + [ + 0.9895845055580139 + ], + [ + 0.9666234254837036 + ], + [ + 0.9970883131027222 + ], + [ + 0.9984264373779297 + ], + [ + 0.9788975119590759 + ], + [ + 0.9785648584365845 + ], + [ + 0.9736199975013733 + ], + [ + 0.9425509572029114 + ], + [ + 0.9823529124259949 + ], + [ + 0.9886667132377625 + ], + [ + 0.9851393699645996 + ], + [ + 0.9725267291069031 + ], + [ + 0.953076958656311 + ], + [ + 0.9942945241928101 + ], + [ + 0.9937012195587158 + ], + [ + 0.994581937789917 + ], + [ + 0.9986890554428101 + ], + [ + 0.9979872703552246 + ], + [ + 0.9895309209823608 + ], + [ + 0.9751254916191101 + ], + [ + 0.9939358234405518 + ], + [ + 0.9740241169929504 + ], + [ + 0.9713121652603149 + ], + [ + 0.9805923104286194 + ], + [ + 0.9963231086730957 + ], + [ + 0.9792383313179016 + ], + [ + 0.9791774153709412 + ], + [ + 0.9910611510276794 + ], + [ + 0.9978975653648376 + ], + [ + 0.96517014503479 + ], + [ + 0.9910309910774231 + ], + [ + 0.9689407348632812 + ], + [ + 0.9991772174835205 + ], + [ + 0.9814849495887756 + ], + [ + 0.9868127107620239 + ], + [ + 0.9858996272087097 + ], + [ + 0.9998777508735657 + ], + [ + 0.9944142699241638 + ], + [ + 0.9993980526924133 + ], + [ + 0.9714465141296387 + ], + [ + 0.9895434975624084 + ], + [ + 0.9411516785621643 + ], + [ + 0.9873178005218506 + ], + [ + 0.9997856020927429 + ], + [ + 0.9871017932891846 + ], + [ + 0.9745408892631531 + ], + [ + 0.9944347143173218 + ], + [ + 0.9969112277030945 + ], + [ + 0.9977160692214966 + ], + [ + 0.9937180876731873 + ], + [ + 0.9472196698188782 + ], + [ + 0.9780084490776062 + ], + [ + 0.992570161819458 + ], + [ + 0.9869006872177124 + ], + [ + 0.9564433097839355 + ], + [ + 0.9795003533363342 + ], + [ + 0.9989544153213501 + ], + [ + 0.9801754951477051 + ], + [ + 0.995251476764679 + ], + [ + 0.9819392561912537 + ], + [ + 0.9878218770027161 + ], + [ + 0.9783255457878113 + ], + [ + 0.999534547328949 + ], + [ + 0.9861119389533997 + ], + [ + 0.9654863476753235 + ], + [ + 0.9998683929443359 + ], + [ + 0.9913340210914612 + ], + [ + 0.9991106390953064 + ], + [ + 0.9916864633560181 + ], + [ + 0.9983119368553162 + ], + [ + 0.9754260182380676 + ], + [ + 0.9982365369796753 + ], + [ + 0.9985356330871582 + ], + [ + 0.9866330623626709 + ], + [ + 0.9662703275680542 + ], + [ + 0.9823802709579468 + ], + [ + 0.9748610258102417 + ], + [ + 0.9987218379974365 + ], + [ + 0.987769603729248 + ] + ], + "output_low": [ + [ + -0.9965215921401978 + ], + [ + -0.9667642712593079 + ], + [ + -0.9970813989639282 + ], + [ + -0.9790157079696655 + ], + [ + -0.9729253053665161 + ], + [ + -0.9842010140419006 + ], + [ + -0.994486391544342 + ], + [ + -0.9925340414047241 + ], + [ + -0.9902921915054321 + ], + [ + -0.998791515827179 + ], + [ + -0.9897582530975342 + ], + [ + -0.9915051460266113 + ], + [ + -0.9986451864242554 + ], + [ + -0.992239236831665 + ], + [ + -0.9963834285736084 + ], + [ + -0.9966105818748474 + ], + [ + -0.9975471496582031 + ], + [ + -0.9942125678062439 + ], + [ + -0.9969807863235474 + ], + [ + -0.9815940260887146 + ], + [ + -0.9824799299240112 + ], + [ + -0.9857101440429688 + ], + [ + -0.9466978907585144 + ], + [ + -0.9763142466545105 + ], + [ + -0.9815077781677246 + ], + [ + -0.9992015957832336 + ], + [ + -0.9958590269088745 + ], + [ + -0.994219958782196 + ], + [ + -0.9854848384857178 + ], + [ + -0.9433828592300415 + ], + [ + -0.9874377250671387 + ], + [ + -0.9638236165046692 + ], + [ + -0.993701159954071 + ], + [ + -0.9867001175880432 + ], + [ + -0.9879632592201233 + ], + [ + -0.9920366406440735 + ], + [ + -0.9985228180885315 + ], + [ + -0.9999561309814453 + ], + [ + -0.971184253692627 + ], + [ + -0.9829646348953247 + ], + [ + -0.9991790056228638 + ], + [ + -0.9927377104759216 + ], + [ + -0.9935421347618103 + ], + [ + -0.9919619560241699 + ], + [ + -0.9491509199142456 + ], + [ + -0.9767999649047852 + ], + [ + -0.9997765421867371 + ], + [ + -0.9904158115386963 + ], + [ + -0.9733511805534363 + ], + [ + -0.9895845055580139 + ], + [ + -0.9666234254837036 + ], + [ + -0.9970883131027222 + ], + [ + -0.9984264373779297 + ], + [ + -0.9788975119590759 + ], + [ + -0.9785648584365845 + ], + [ + -0.9736199975013733 + ], + [ + -0.9425509572029114 + ], + [ + -0.9823529124259949 + ], + [ + -0.9886667132377625 + ], + [ + -0.9851393699645996 + ], + [ + -0.9725267291069031 + ], + [ + -0.953076958656311 + ], + [ + -0.9942945241928101 + ], + [ + -0.9937012195587158 + ], + [ + -0.994581937789917 + ], + [ + -0.9986890554428101 + ], + [ + -0.9979872703552246 + ], + [ + -0.9895309209823608 + ], + [ + -0.9751254916191101 + ], + [ + -0.9939358234405518 + ], + [ + -0.9740241169929504 + ], + [ + -0.9713121652603149 + ], + [ + -0.9805923104286194 + ], + [ + -0.9963231086730957 + ], + [ + -0.9792383313179016 + ], + [ + -0.9791774153709412 + ], + [ + -0.9910611510276794 + ], + [ + -0.9978975653648376 + ], + [ + -0.96517014503479 + ], + [ + -0.9910309910774231 + ], + [ + -0.9689407348632812 + ], + [ + -0.9991772174835205 + ], + [ + -0.9814849495887756 + ], + [ + -0.9868127107620239 + ], + [ + -0.9858996272087097 + ], + [ + -0.9998777508735657 + ], + [ + -0.9944142699241638 + ], + [ + -0.9993980526924133 + ], + [ + -0.9714465141296387 + ], + [ + -0.9895434975624084 + ], + [ + -0.9411516785621643 + ], + [ + -0.9873178005218506 + ], + [ + -0.9997856020927429 + ], + [ + -0.9871017932891846 + ], + [ + -0.9745408892631531 + ], + [ + -0.9944347143173218 + ], + [ + -0.9969112277030945 + ], + [ + -0.9977160692214966 + ], + [ + -0.9937180876731873 + ], + [ + -0.9472196698188782 + ], + [ + -0.9780084490776062 + ], + [ + -0.992570161819458 + ], + [ + -0.9869006872177124 + ], + [ + -0.9564433097839355 + ], + [ + -0.9795003533363342 + ], + [ + -0.9989544153213501 + ], + [ + -0.9801754951477051 + ], + [ + -0.995251476764679 + ], + [ + -0.9819392561912537 + ], + [ + -0.9878218770027161 + ], + [ + -0.9783255457878113 + ], + [ + -0.999534547328949 + ], + [ + -0.9861119389533997 + ], + [ + -0.9654863476753235 + ], + [ + -0.9998683929443359 + ], + [ + -0.9913340210914612 + ], + [ + -0.9991106390953064 + ], + [ + -0.9916864633560181 + ], + [ + -0.9983119368553162 + ], + [ + -0.9754260182380676 + ], + [ + -0.9982365369796753 + ], + [ + -0.9985356330871582 + ], + [ + -0.9866330623626709 + ], + [ + -0.9662703275680542 + ], + [ + -0.9823802709579468 + ], + [ + -0.9748610258102417 + ], + [ + -0.9987218379974365 + ], + [ + -0.987769603729248 + ] + ], + "output_high": [ + [ + 0.9965215921401978 + ], + [ + 0.9667642712593079 + ], + [ + 0.9970813989639282 + ], + [ + 0.9790157079696655 + ], + [ + 0.9729253053665161 + ], + [ + 0.9842010140419006 + ], + [ + 0.994486391544342 + ], + [ + 0.9925340414047241 + ], + [ + 0.9902921915054321 + ], + [ + 0.998791515827179 + ], + [ + 0.9897582530975342 + ], + [ + 0.9915051460266113 + ], + [ + 0.9986451864242554 + ], + [ + 0.992239236831665 + ], + [ + 0.9963834285736084 + ], + [ + 0.9966105818748474 + ], + [ + 0.9975471496582031 + ], + [ + 0.9942125678062439 + ], + [ + 0.9969807863235474 + ], + [ + 0.9815940260887146 + ], + [ + 0.9824799299240112 + ], + [ + 0.9857101440429688 + ], + [ + 0.9466978907585144 + ], + [ + 0.9763142466545105 + ], + [ + 0.9815077781677246 + ], + [ + 0.9992015957832336 + ], + [ + 0.9958590269088745 + ], + [ + 0.994219958782196 + ], + [ + 0.9854848384857178 + ], + [ + 0.9433828592300415 + ], + [ + 0.9874377250671387 + ], + [ + 0.9638236165046692 + ], + [ + 0.993701159954071 + ], + [ + 0.9867001175880432 + ], + [ + 0.9879632592201233 + ], + [ + 0.9920366406440735 + ], + [ + 0.9985228180885315 + ], + [ + 0.9999561309814453 + ], + [ + 0.971184253692627 + ], + [ + 0.9829646348953247 + ], + [ + 0.9991790056228638 + ], + [ + 0.9927377104759216 + ], + [ + 0.9935421347618103 + ], + [ + 0.9919619560241699 + ], + [ + 0.9491509199142456 + ], + [ + 0.9767999649047852 + ], + [ + 0.9997765421867371 + ], + [ + 0.9904158115386963 + ], + [ + 0.9733511805534363 + ], + [ + 0.9895845055580139 + ], + [ + 0.9666234254837036 + ], + [ + 0.9970883131027222 + ], + [ + 0.9984264373779297 + ], + [ + 0.9788975119590759 + ], + [ + 0.9785648584365845 + ], + [ + 0.9736199975013733 + ], + [ + 0.9425509572029114 + ], + [ + 0.9823529124259949 + ], + [ + 0.9886667132377625 + ], + [ + 0.9851393699645996 + ], + [ + 0.9725267291069031 + ], + [ + 0.953076958656311 + ], + [ + 0.9942945241928101 + ], + [ + 0.9937012195587158 + ], + [ + 0.994581937789917 + ], + [ + 0.9986890554428101 + ], + [ + 0.9979872703552246 + ], + [ + 0.9895309209823608 + ], + [ + 0.9751254916191101 + ], + [ + 0.9939358234405518 + ], + [ + 0.9740241169929504 + ], + [ + 0.9713121652603149 + ], + [ + 0.9805923104286194 + ], + [ + 0.9963231086730957 + ], + [ + 0.9792383313179016 + ], + [ + 0.9791774153709412 + ], + [ + 0.9910611510276794 + ], + [ + 0.9978975653648376 + ], + [ + 0.96517014503479 + ], + [ + 0.9910309910774231 + ], + [ + 0.9689407348632812 + ], + [ + 0.9991772174835205 + ], + [ + 0.9814849495887756 + ], + [ + 0.9868127107620239 + ], + [ + 0.9858996272087097 + ], + [ + 0.9998777508735657 + ], + [ + 0.9944142699241638 + ], + [ + 0.9993980526924133 + ], + [ + 0.9714465141296387 + ], + [ + 0.9895434975624084 + ], + [ + 0.9411516785621643 + ], + [ + 0.9873178005218506 + ], + [ + 0.9997856020927429 + ], + [ + 0.9871017932891846 + ], + [ + 0.9745408892631531 + ], + [ + 0.9944347143173218 + ], + [ + 0.9969112277030945 + ], + [ + 0.9977160692214966 + ], + [ + 0.9937180876731873 + ], + [ + 0.9472196698188782 + ], + [ + 0.9780084490776062 + ], + [ + 0.992570161819458 + ], + [ + 0.9869006872177124 + ], + [ + 0.9564433097839355 + ], + [ + 0.9795003533363342 + ], + [ + 0.9989544153213501 + ], + [ + 0.9801754951477051 + ], + [ + 0.995251476764679 + ], + [ + 0.9819392561912537 + ], + [ + 0.9878218770027161 + ], + [ + 0.9783255457878113 + ], + [ + 0.999534547328949 + ], + [ + 0.9861119389533997 + ], + [ + 0.9654863476753235 + ], + [ + 0.9998683929443359 + ], + [ + 0.9913340210914612 + ], + [ + 0.9991106390953064 + ], + [ + 0.9916864633560181 + ], + [ + 0.9983119368553162 + ], + [ + 0.9754260182380676 + ], + [ + 0.9982365369796753 + ], + [ + 0.9985356330871582 + ], + [ + 0.9866330623626709 + ], + [ + 0.9662703275680542 + ], + [ + 0.9823802709579468 + ], + [ + 0.9748610258102417 + ], + [ + 0.9987218379974365 + ], + [ + 0.987769603729248 + ] + ] + }, + "MatMul_3/fq_input_0": { + "input_low": 0.0, + "input_high": 0.9638857245445251, + "output_low": 0.0, + "output_high": 0.9638857245445251 + } +} \ No newline at end of file diff --git a/tests/openvino/native/data/2024.3/reference_scales/LSTMModel_performance.json b/tests/openvino/native/data/2024.3/reference_scales/LSTMModel_performance.json new file mode 100644 index 00000000000..7703f397b18 --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_scales/LSTMModel_performance.json @@ -0,0 +1,7778 @@ +{ + "Tanh_2/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9638857245445251, + "output_low": 0.0, + "output_high": 0.9638857245445251 + }, + "Multiply_2/fq_output_0": { + "input_low": 0.0, + "input_high": 1.0, + "output_low": 0.0, + "output_high": 1.0 + }, + "Sigmoid_2/fq_output_0": { + "input_low": 0.0, + "input_high": 1.0, + "output_low": 0.0, + "output_high": 1.0 + }, + "MatMul_2/fq_output_0": { + "input_low": 0.0, + "input_high": 41.4161262512207, + "output_low": 0.0, + "output_high": 41.4161262512207 + }, + "MatMul_2/fq_weights_1": { + "input_low": [ + [ + -0.9909773468971252 + ], + [ + -0.9983454346656799 + ], + [ + -0.9831878542900085 + ], + [ + -0.9906973838806152 + ], + [ + -0.9991681575775146 + ], + [ + -0.9676032662391663 + ], + [ + -0.9950801730155945 + ], + [ + -0.9989418983459473 + ], + [ + -0.9921422600746155 + ], + [ + -0.99116450548172 + ], + [ + -0.9910928010940552 + ], + [ + -0.9955175518989563 + ], + [ + -0.9855421781539917 + ], + [ + -0.9536381363868713 + ], + [ + -0.9983392953872681 + ], + [ + -0.9792799949645996 + ], + [ + -0.9958244562149048 + ], + [ + -0.9807993173599243 + ], + [ + -0.9856321215629578 + ], + [ + -0.9808271527290344 + ], + [ + -0.9623140692710876 + ], + [ + -0.9904636144638062 + ], + [ + -0.9682698249816895 + ], + [ + -0.9762869477272034 + ], + [ + -0.9942306280136108 + ], + [ + -0.9901894330978394 + ], + [ + -0.9958839416503906 + ], + [ + -0.9749670028686523 + ], + [ + -0.9958682060241699 + ], + [ + -0.9894793033599854 + ], + [ + -0.9965365529060364 + ], + [ + -0.9700952768325806 + ], + [ + -0.9949041604995728 + ], + [ + -0.9829294085502625 + ], + [ + -0.991074800491333 + ], + [ + -0.9927648901939392 + ], + [ + -0.9932846426963806 + ], + [ + -0.9548827409744263 + ], + [ + -0.9726462960243225 + ], + [ + -0.9990813136100769 + ], + [ + -0.9813863039016724 + ], + [ + -0.9905388355255127 + ], + [ + -0.9781097769737244 + ], + [ + -0.989486813545227 + ], + [ + -0.998881459236145 + ], + [ + -0.988550066947937 + ], + [ + -0.9875874519348145 + ], + [ + -0.9983980655670166 + ], + [ + -0.9880405068397522 + ], + [ + -0.9825812578201294 + ], + [ + -0.9962864518165588 + ], + [ + -0.9574106335639954 + ], + [ + -0.9918659329414368 + ], + [ + -0.9835743308067322 + ], + [ + -0.9988095760345459 + ], + [ + -0.8950998187065125 + ], + [ + -0.9890387654304504 + ], + [ + -0.9874756932258606 + ], + [ + -0.9957981109619141 + ], + [ + -0.9993019104003906 + ], + [ + -0.996136486530304 + ], + [ + -0.9745022654533386 + ], + [ + -0.9974161386489868 + ], + [ + -0.9891718029975891 + ], + [ + -0.9975799918174744 + ], + [ + -0.9909142851829529 + ], + [ + -0.989179790019989 + ], + [ + -0.978251576423645 + ], + [ + -0.9917712211608887 + ], + [ + -0.9965060353279114 + ], + [ + -0.9970428347587585 + ], + [ + -0.9859961867332458 + ], + [ + -0.9820922017097473 + ], + [ + -0.986920177936554 + ], + [ + -0.9901742935180664 + ], + [ + -0.9985538125038147 + ], + [ + -0.9886013865470886 + ], + [ + -0.9789594411849976 + ], + [ + -0.9965196847915649 + ], + [ + -0.990382194519043 + ], + [ + -0.9951403737068176 + ], + [ + -0.9591000080108643 + ], + [ + -0.9874412417411804 + ], + [ + -0.9825804233551025 + ], + [ + -0.992242157459259 + ], + [ + -0.9918845295906067 + ], + [ + -0.9858293533325195 + ], + [ + -0.9989430904388428 + ], + [ + -0.9597191214561462 + ], + [ + -0.9933499097824097 + ], + [ + -0.9906231760978699 + ], + [ + -0.9845786094665527 + ], + [ + -0.9610282182693481 + ], + [ + -0.9961503744125366 + ], + [ + -0.9696146845817566 + ], + [ + -0.9965823292732239 + ], + [ + -0.9936394691467285 + ], + [ + -0.9816159605979919 + ], + [ + -0.9795100092887878 + ], + [ + -0.9998399019241333 + ], + [ + -0.9724968075752258 + ], + [ + -0.9866291284561157 + ], + [ + -0.9963380098342896 + ], + [ + -0.9964209198951721 + ], + [ + -0.9951148629188538 + ], + [ + -0.9941226840019226 + ], + [ + -0.9998342394828796 + ], + [ + -0.986089289188385 + ], + [ + -0.999843180179596 + ], + [ + -0.9994115233421326 + ], + [ + -0.9939268827438354 + ], + [ + -0.9864682555198669 + ], + [ + -0.9951898455619812 + ], + [ + -0.9832066297531128 + ], + [ + -0.9777383208274841 + ], + [ + -0.9957072138786316 + ], + [ + -0.9908119440078735 + ], + [ + -0.9896420240402222 + ], + [ + -0.9981521964073181 + ], + [ + -0.9940311908721924 + ], + [ + -0.9960919618606567 + ], + [ + -0.9770079851150513 + ], + [ + -0.9921236634254456 + ], + [ + -0.9821001887321472 + ], + [ + -0.988516628742218 + ], + [ + -0.9615697860717773 + ], + [ + -0.9930355548858643 + ], + [ + -0.9858760833740234 + ], + [ + -0.9765929579734802 + ], + [ + -0.9881271123886108 + ], + [ + -0.991604745388031 + ], + [ + -0.9871941208839417 + ], + [ + -0.9976894855499268 + ], + [ + -0.9962239861488342 + ], + [ + -0.9808199405670166 + ], + [ + -0.9991806745529175 + ], + [ + -0.9781110882759094 + ], + [ + -0.9748021364212036 + ], + [ + -0.9951413869857788 + ], + [ + -0.9955171942710876 + ], + [ + -0.9992361068725586 + ], + [ + -0.9953001141548157 + ], + [ + -0.9940733909606934 + ], + [ + -0.9766422510147095 + ], + [ + -0.9874630570411682 + ], + [ + -0.989440381526947 + ], + [ + -0.9981264472007751 + ], + [ + -0.9987223148345947 + ], + [ + -0.9709160923957825 + ], + [ + -0.9808234572410583 + ], + [ + -0.9873252511024475 + ], + [ + -0.9893112182617188 + ], + [ + -0.9943447113037109 + ], + [ + -0.9992303252220154 + ], + [ + -0.986526608467102 + ], + [ + -0.9781844019889832 + ], + [ + -0.9558172821998596 + ], + [ + -0.9928550720214844 + ], + [ + -0.9595223069190979 + ], + [ + -0.9868951439857483 + ], + [ + -0.9997645616531372 + ], + [ + -0.9883376359939575 + ], + [ + -0.9950738549232483 + ], + [ + -0.974565327167511 + ], + [ + -0.9941418766975403 + ], + [ + -0.9823997020721436 + ], + [ + -0.9968482255935669 + ], + [ + -0.9912917017936707 + ], + [ + -0.9808583855628967 + ], + [ + -0.9979895353317261 + ], + [ + -0.9912863969802856 + ], + [ + -0.9927439093589783 + ], + [ + -0.9860440492630005 + ], + [ + -0.9989852905273438 + ], + [ + -0.9971586465835571 + ], + [ + -0.988552451133728 + ], + [ + -0.9960190653800964 + ], + [ + -0.9950498342514038 + ], + [ + -0.9633542895317078 + ], + [ + -0.9971114993095398 + ], + [ + -0.9759761095046997 + ], + [ + -0.9579861164093018 + ], + [ + -0.9925193190574646 + ], + [ + -0.9913685917854309 + ], + [ + -0.9811842441558838 + ], + [ + -0.9787631034851074 + ], + [ + -0.994145929813385 + ], + [ + -0.9755551218986511 + ], + [ + -0.9889241456985474 + ], + [ + -0.9680908918380737 + ], + [ + -0.9442887902259827 + ], + [ + -0.9974017143249512 + ], + [ + -0.9934690594673157 + ], + [ + -0.9784937500953674 + ], + [ + -0.9973057508468628 + ], + [ + -0.9688987135887146 + ], + [ + -0.9999781250953674 + ], + [ + -0.9993228912353516 + ], + [ + -0.9813523292541504 + ], + [ + -0.9999862909317017 + ], + [ + -0.9939435720443726 + ], + [ + -0.9868665337562561 + ], + [ + -0.9996060132980347 + ], + [ + -0.9930728673934937 + ], + [ + -0.9969081878662109 + ], + [ + -0.9946839213371277 + ], + [ + -0.9941709041595459 + ], + [ + -0.9794921875 + ], + [ + -0.9891036152839661 + ], + [ + -0.979666531085968 + ], + [ + -0.9994432330131531 + ], + [ + -0.9619389772415161 + ], + [ + -0.9898024201393127 + ], + [ + -0.9821221828460693 + ], + [ + -0.9734533429145813 + ], + [ + -0.99550461769104 + ], + [ + -0.9916052222251892 + ], + [ + -0.9966038465499878 + ], + [ + -0.9438002109527588 + ], + [ + -0.9970225691795349 + ], + [ + -0.9904787540435791 + ], + [ + -0.978326141834259 + ], + [ + -0.9893983006477356 + ], + [ + -0.9980165362358093 + ], + [ + -0.9990159869194031 + ], + [ + -0.9979041814804077 + ], + [ + -0.9862546324729919 + ], + [ + -0.9861188530921936 + ], + [ + -0.9959670901298523 + ], + [ + -0.9902665615081787 + ], + [ + -0.9341245889663696 + ], + [ + -0.9912442564964294 + ], + [ + -0.9988137483596802 + ], + [ + -0.9527305960655212 + ], + [ + -0.9997010827064514 + ], + [ + -0.9724005460739136 + ], + [ + -0.9889454245567322 + ], + [ + -0.9686486721038818 + ], + [ + -0.9673056602478027 + ], + [ + -0.9916380643844604 + ], + [ + -0.9993491768836975 + ], + [ + -0.9940215349197388 + ], + [ + -0.9714513421058655 + ], + [ + -0.9991717338562012 + ], + [ + -0.9955765008926392 + ], + [ + -0.9706039428710938 + ], + [ + -0.9861751198768616 + ], + [ + -0.9856794476509094 + ], + [ + -0.9803666472434998 + ], + [ + -0.9923833012580872 + ], + [ + -0.9959185123443604 + ], + [ + -0.9958447813987732 + ], + [ + -0.9722725749015808 + ], + [ + -0.993640124797821 + ], + [ + -0.9833834171295166 + ], + [ + -0.9924959540367126 + ] + ], + "input_high": [ + [ + 0.9909773468971252 + ], + [ + 0.9983454346656799 + ], + [ + 0.9831878542900085 + ], + [ + 0.9906973838806152 + ], + [ + 0.9991681575775146 + ], + [ + 0.9676032662391663 + ], + [ + 0.9950801730155945 + ], + [ + 0.9989418983459473 + ], + [ + 0.9921422600746155 + ], + [ + 0.99116450548172 + ], + [ + 0.9910928010940552 + ], + [ + 0.9955175518989563 + ], + [ + 0.9855421781539917 + ], + [ + 0.9536381363868713 + ], + [ + 0.9983392953872681 + ], + [ + 0.9792799949645996 + ], + [ + 0.9958244562149048 + ], + [ + 0.9807993173599243 + ], + [ + 0.9856321215629578 + ], + [ + 0.9808271527290344 + ], + [ + 0.9623140692710876 + ], + [ + 0.9904636144638062 + ], + [ + 0.9682698249816895 + ], + [ + 0.9762869477272034 + ], + [ + 0.9942306280136108 + ], + [ + 0.9901894330978394 + ], + [ + 0.9958839416503906 + ], + [ + 0.9749670028686523 + ], + [ + 0.9958682060241699 + ], + [ + 0.9894793033599854 + ], + [ + 0.9965365529060364 + ], + [ + 0.9700952768325806 + ], + [ + 0.9949041604995728 + ], + [ + 0.9829294085502625 + ], + [ + 0.991074800491333 + ], + [ + 0.9927648901939392 + ], + [ + 0.9932846426963806 + ], + [ + 0.9548827409744263 + ], + [ + 0.9726462960243225 + ], + [ + 0.9990813136100769 + ], + [ + 0.9813863039016724 + ], + [ + 0.9905388355255127 + ], + [ + 0.9781097769737244 + ], + [ + 0.989486813545227 + ], + [ + 0.998881459236145 + ], + [ + 0.988550066947937 + ], + [ + 0.9875874519348145 + ], + [ + 0.9983980655670166 + ], + [ + 0.9880405068397522 + ], + [ + 0.9825812578201294 + ], + [ + 0.9962864518165588 + ], + [ + 0.9574106335639954 + ], + [ + 0.9918659329414368 + ], + [ + 0.9835743308067322 + ], + [ + 0.9988095760345459 + ], + [ + 0.8950998187065125 + ], + [ + 0.9890387654304504 + ], + [ + 0.9874756932258606 + ], + [ + 0.9957981109619141 + ], + [ + 0.9993019104003906 + ], + [ + 0.996136486530304 + ], + [ + 0.9745022654533386 + ], + [ + 0.9974161386489868 + ], + [ + 0.9891718029975891 + ], + [ + 0.9975799918174744 + ], + [ + 0.9909142851829529 + ], + [ + 0.989179790019989 + ], + [ + 0.978251576423645 + ], + [ + 0.9917712211608887 + ], + [ + 0.9965060353279114 + ], + [ + 0.9970428347587585 + ], + [ + 0.9859961867332458 + ], + [ + 0.9820922017097473 + ], + [ + 0.986920177936554 + ], + [ + 0.9901742935180664 + ], + [ + 0.9985538125038147 + ], + [ + 0.9886013865470886 + ], + [ + 0.9789594411849976 + ], + [ + 0.9965196847915649 + ], + [ + 0.990382194519043 + ], + [ + 0.9951403737068176 + ], + [ + 0.9591000080108643 + ], + [ + 0.9874412417411804 + ], + [ + 0.9825804233551025 + ], + [ + 0.992242157459259 + ], + [ + 0.9918845295906067 + ], + [ + 0.9858293533325195 + ], + [ + 0.9989430904388428 + ], + [ + 0.9597191214561462 + ], + [ + 0.9933499097824097 + ], + [ + 0.9906231760978699 + ], + [ + 0.9845786094665527 + ], + [ + 0.9610282182693481 + ], + [ + 0.9961503744125366 + ], + [ + 0.9696146845817566 + ], + [ + 0.9965823292732239 + ], + [ + 0.9936394691467285 + ], + [ + 0.9816159605979919 + ], + [ + 0.9795100092887878 + ], + [ + 0.9998399019241333 + ], + [ + 0.9724968075752258 + ], + [ + 0.9866291284561157 + ], + [ + 0.9963380098342896 + ], + [ + 0.9964209198951721 + ], + [ + 0.9951148629188538 + ], + [ + 0.9941226840019226 + ], + [ + 0.9998342394828796 + ], + [ + 0.986089289188385 + ], + [ + 0.999843180179596 + ], + [ + 0.9994115233421326 + ], + [ + 0.9939268827438354 + ], + [ + 0.9864682555198669 + ], + [ + 0.9951898455619812 + ], + [ + 0.9832066297531128 + ], + [ + 0.9777383208274841 + ], + [ + 0.9957072138786316 + ], + [ + 0.9908119440078735 + ], + [ + 0.9896420240402222 + ], + [ + 0.9981521964073181 + ], + [ + 0.9940311908721924 + ], + [ + 0.9960919618606567 + ], + [ + 0.9770079851150513 + ], + [ + 0.9921236634254456 + ], + [ + 0.9821001887321472 + ], + [ + 0.988516628742218 + ], + [ + 0.9615697860717773 + ], + [ + 0.9930355548858643 + ], + [ + 0.9858760833740234 + ], + [ + 0.9765929579734802 + ], + [ + 0.9881271123886108 + ], + [ + 0.991604745388031 + ], + [ + 0.9871941208839417 + ], + [ + 0.9976894855499268 + ], + [ + 0.9962239861488342 + ], + [ + 0.9808199405670166 + ], + [ + 0.9991806745529175 + ], + [ + 0.9781110882759094 + ], + [ + 0.9748021364212036 + ], + [ + 0.9951413869857788 + ], + [ + 0.9955171942710876 + ], + [ + 0.9992361068725586 + ], + [ + 0.9953001141548157 + ], + [ + 0.9940733909606934 + ], + [ + 0.9766422510147095 + ], + [ + 0.9874630570411682 + ], + [ + 0.989440381526947 + ], + [ + 0.9981264472007751 + ], + [ + 0.9987223148345947 + ], + [ + 0.9709160923957825 + ], + [ + 0.9808234572410583 + ], + [ + 0.9873252511024475 + ], + [ + 0.9893112182617188 + ], + [ + 0.9943447113037109 + ], + [ + 0.9992303252220154 + ], + [ + 0.986526608467102 + ], + [ + 0.9781844019889832 + ], + [ + 0.9558172821998596 + ], + [ + 0.9928550720214844 + ], + [ + 0.9595223069190979 + ], + [ + 0.9868951439857483 + ], + [ + 0.9997645616531372 + ], + [ + 0.9883376359939575 + ], + [ + 0.9950738549232483 + ], + [ + 0.974565327167511 + ], + [ + 0.9941418766975403 + ], + [ + 0.9823997020721436 + ], + [ + 0.9968482255935669 + ], + [ + 0.9912917017936707 + ], + [ + 0.9808583855628967 + ], + [ + 0.9979895353317261 + ], + [ + 0.9912863969802856 + ], + [ + 0.9927439093589783 + ], + [ + 0.9860440492630005 + ], + [ + 0.9989852905273438 + ], + [ + 0.9971586465835571 + ], + [ + 0.988552451133728 + ], + [ + 0.9960190653800964 + ], + [ + 0.9950498342514038 + ], + [ + 0.9633542895317078 + ], + [ + 0.9971114993095398 + ], + [ + 0.9759761095046997 + ], + [ + 0.9579861164093018 + ], + [ + 0.9925193190574646 + ], + [ + 0.9913685917854309 + ], + [ + 0.9811842441558838 + ], + [ + 0.9787631034851074 + ], + [ + 0.994145929813385 + ], + [ + 0.9755551218986511 + ], + [ + 0.9889241456985474 + ], + [ + 0.9680908918380737 + ], + [ + 0.9442887902259827 + ], + [ + 0.9974017143249512 + ], + [ + 0.9934690594673157 + ], + [ + 0.9784937500953674 + ], + [ + 0.9973057508468628 + ], + [ + 0.9688987135887146 + ], + [ + 0.9999781250953674 + ], + [ + 0.9993228912353516 + ], + [ + 0.9813523292541504 + ], + [ + 0.9999862909317017 + ], + [ + 0.9939435720443726 + ], + [ + 0.9868665337562561 + ], + [ + 0.9996060132980347 + ], + [ + 0.9930728673934937 + ], + [ + 0.9969081878662109 + ], + [ + 0.9946839213371277 + ], + [ + 0.9941709041595459 + ], + [ + 0.9794921875 + ], + [ + 0.9891036152839661 + ], + [ + 0.979666531085968 + ], + [ + 0.9994432330131531 + ], + [ + 0.9619389772415161 + ], + [ + 0.9898024201393127 + ], + [ + 0.9821221828460693 + ], + [ + 0.9734533429145813 + ], + [ + 0.99550461769104 + ], + [ + 0.9916052222251892 + ], + [ + 0.9966038465499878 + ], + [ + 0.9438002109527588 + ], + [ + 0.9970225691795349 + ], + [ + 0.9904787540435791 + ], + [ + 0.978326141834259 + ], + [ + 0.9893983006477356 + ], + [ + 0.9980165362358093 + ], + [ + 0.9990159869194031 + ], + [ + 0.9979041814804077 + ], + [ + 0.9862546324729919 + ], + [ + 0.9861188530921936 + ], + [ + 0.9959670901298523 + ], + [ + 0.9902665615081787 + ], + [ + 0.9341245889663696 + ], + [ + 0.9912442564964294 + ], + [ + 0.9988137483596802 + ], + [ + 0.9527305960655212 + ], + [ + 0.9997010827064514 + ], + [ + 0.9724005460739136 + ], + [ + 0.9889454245567322 + ], + [ + 0.9686486721038818 + ], + [ + 0.9673056602478027 + ], + [ + 0.9916380643844604 + ], + [ + 0.9993491768836975 + ], + [ + 0.9940215349197388 + ], + [ + 0.9714513421058655 + ], + [ + 0.9991717338562012 + ], + [ + 0.9955765008926392 + ], + [ + 0.9706039428710938 + ], + [ + 0.9861751198768616 + ], + [ + 0.9856794476509094 + ], + [ + 0.9803666472434998 + ], + [ + 0.9923833012580872 + ], + [ + 0.9959185123443604 + ], + [ + 0.9958447813987732 + ], + [ + 0.9722725749015808 + ], + [ + 0.993640124797821 + ], + [ + 0.9833834171295166 + ], + [ + 0.9924959540367126 + ] + ], + "output_low": [ + [ + -0.9909773468971252 + ], + [ + -0.9983454346656799 + ], + [ + -0.9831878542900085 + ], + [ + -0.9906973838806152 + ], + [ + -0.9991681575775146 + ], + [ + -0.9676032662391663 + ], + [ + -0.9950801730155945 + ], + [ + -0.9989418983459473 + ], + [ + -0.9921422600746155 + ], + [ + -0.99116450548172 + ], + [ + -0.9910928010940552 + ], + [ + -0.9955175518989563 + ], + [ + -0.9855421781539917 + ], + [ + -0.9536381363868713 + ], + [ + -0.9983392953872681 + ], + [ + -0.9792799949645996 + ], + [ + -0.9958244562149048 + ], + [ + -0.9807993173599243 + ], + [ + -0.9856321215629578 + ], + [ + -0.9808271527290344 + ], + [ + -0.9623140692710876 + ], + [ + -0.9904636144638062 + ], + [ + -0.9682698249816895 + ], + [ + -0.9762869477272034 + ], + [ + -0.9942306280136108 + ], + [ + -0.9901894330978394 + ], + [ + -0.9958839416503906 + ], + [ + -0.9749670028686523 + ], + [ + -0.9958682060241699 + ], + [ + -0.9894793033599854 + ], + [ + -0.9965365529060364 + ], + [ + -0.9700952768325806 + ], + [ + -0.9949041604995728 + ], + [ + -0.9829294085502625 + ], + [ + -0.991074800491333 + ], + [ + -0.9927648901939392 + ], + [ + -0.9932846426963806 + ], + [ + -0.9548827409744263 + ], + [ + -0.9726462960243225 + ], + [ + -0.9990813136100769 + ], + [ + -0.9813863039016724 + ], + [ + -0.9905388355255127 + ], + [ + -0.9781097769737244 + ], + [ + -0.989486813545227 + ], + [ + -0.998881459236145 + ], + [ + -0.988550066947937 + ], + [ + -0.9875874519348145 + ], + [ + -0.9983980655670166 + ], + [ + -0.9880405068397522 + ], + [ + -0.9825812578201294 + ], + [ + -0.9962864518165588 + ], + [ + -0.9574106335639954 + ], + [ + -0.9918659329414368 + ], + [ + -0.9835743308067322 + ], + [ + -0.9988095760345459 + ], + [ + -0.8950998187065125 + ], + [ + -0.9890387654304504 + ], + [ + -0.9874756932258606 + ], + [ + -0.9957981109619141 + ], + [ + -0.9993019104003906 + ], + [ + -0.996136486530304 + ], + [ + -0.9745022654533386 + ], + [ + -0.9974161386489868 + ], + [ + -0.9891718029975891 + ], + [ + -0.9975799918174744 + ], + [ + -0.9909142851829529 + ], + [ + -0.989179790019989 + ], + [ + -0.978251576423645 + ], + [ + -0.9917712211608887 + ], + [ + -0.9965060353279114 + ], + [ + -0.9970428347587585 + ], + [ + -0.9859961867332458 + ], + [ + -0.9820922017097473 + ], + [ + -0.986920177936554 + ], + [ + -0.9901742935180664 + ], + [ + -0.9985538125038147 + ], + [ + -0.9886013865470886 + ], + [ + -0.9789594411849976 + ], + [ + -0.9965196847915649 + ], + [ + -0.990382194519043 + ], + [ + -0.9951403737068176 + ], + [ + -0.9591000080108643 + ], + [ + -0.9874412417411804 + ], + [ + -0.9825804233551025 + ], + [ + -0.992242157459259 + ], + [ + -0.9918845295906067 + ], + [ + -0.9858293533325195 + ], + [ + -0.9989430904388428 + ], + [ + -0.9597191214561462 + ], + [ + -0.9933499097824097 + ], + [ + -0.9906231760978699 + ], + [ + -0.9845786094665527 + ], + [ + -0.9610282182693481 + ], + [ + -0.9961503744125366 + ], + [ + -0.9696146845817566 + ], + [ + -0.9965823292732239 + ], + [ + -0.9936394691467285 + ], + [ + -0.9816159605979919 + ], + [ + -0.9795100092887878 + ], + [ + -0.9998399019241333 + ], + [ + -0.9724968075752258 + ], + [ + -0.9866291284561157 + ], + [ + -0.9963380098342896 + ], + [ + -0.9964209198951721 + ], + [ + -0.9951148629188538 + ], + [ + -0.9941226840019226 + ], + [ + -0.9998342394828796 + ], + [ + -0.986089289188385 + ], + [ + -0.999843180179596 + ], + [ + -0.9994115233421326 + ], + [ + -0.9939268827438354 + ], + [ + -0.9864682555198669 + ], + [ + -0.9951898455619812 + ], + [ + -0.9832066297531128 + ], + [ + -0.9777383208274841 + ], + [ + -0.9957072138786316 + ], + [ + -0.9908119440078735 + ], + [ + -0.9896420240402222 + ], + [ + -0.9981521964073181 + ], + [ + -0.9940311908721924 + ], + [ + -0.9960919618606567 + ], + [ + -0.9770079851150513 + ], + [ + -0.9921236634254456 + ], + [ + -0.9821001887321472 + ], + [ + -0.988516628742218 + ], + [ + -0.9615697860717773 + ], + [ + -0.9930355548858643 + ], + [ + -0.9858760833740234 + ], + [ + -0.9765929579734802 + ], + [ + -0.9881271123886108 + ], + [ + -0.991604745388031 + ], + [ + -0.9871941208839417 + ], + [ + -0.9976894855499268 + ], + [ + -0.9962239861488342 + ], + [ + -0.9808199405670166 + ], + [ + -0.9991806745529175 + ], + [ + -0.9781110882759094 + ], + [ + -0.9748021364212036 + ], + [ + -0.9951413869857788 + ], + [ + -0.9955171942710876 + ], + [ + -0.9992361068725586 + ], + [ + -0.9953001141548157 + ], + [ + -0.9940733909606934 + ], + [ + -0.9766422510147095 + ], + [ + -0.9874630570411682 + ], + [ + -0.989440381526947 + ], + [ + -0.9981264472007751 + ], + [ + -0.9987223148345947 + ], + [ + -0.9709160923957825 + ], + [ + -0.9808234572410583 + ], + [ + -0.9873252511024475 + ], + [ + -0.9893112182617188 + ], + [ + -0.9943447113037109 + ], + [ + -0.9992303252220154 + ], + [ + -0.986526608467102 + ], + [ + -0.9781844019889832 + ], + [ + -0.9558172821998596 + ], + [ + -0.9928550720214844 + ], + [ + -0.9595223069190979 + ], + [ + -0.9868951439857483 + ], + [ + -0.9997645616531372 + ], + [ + -0.9883376359939575 + ], + [ + -0.9950738549232483 + ], + [ + -0.974565327167511 + ], + [ + -0.9941418766975403 + ], + [ + -0.9823997020721436 + ], + [ + -0.9968482255935669 + ], + [ + -0.9912917017936707 + ], + [ + -0.9808583855628967 + ], + [ + -0.9979895353317261 + ], + [ + -0.9912863969802856 + ], + [ + -0.9927439093589783 + ], + [ + -0.9860440492630005 + ], + [ + -0.9989852905273438 + ], + [ + -0.9971586465835571 + ], + [ + -0.988552451133728 + ], + [ + -0.9960190653800964 + ], + [ + -0.9950498342514038 + ], + [ + -0.9633542895317078 + ], + [ + -0.9971114993095398 + ], + [ + -0.9759761095046997 + ], + [ + -0.9579861164093018 + ], + [ + -0.9925193190574646 + ], + [ + -0.9913685917854309 + ], + [ + -0.9811842441558838 + ], + [ + -0.9787631034851074 + ], + [ + -0.994145929813385 + ], + [ + -0.9755551218986511 + ], + [ + -0.9889241456985474 + ], + [ + -0.9680908918380737 + ], + [ + -0.9442887902259827 + ], + [ + -0.9974017143249512 + ], + [ + -0.9934690594673157 + ], + [ + -0.9784937500953674 + ], + [ + -0.9973057508468628 + ], + [ + -0.9688987135887146 + ], + [ + -0.9999781250953674 + ], + [ + -0.9993228912353516 + ], + [ + -0.9813523292541504 + ], + [ + -0.9999862909317017 + ], + [ + -0.9939435720443726 + ], + [ + -0.9868665337562561 + ], + [ + -0.9996060132980347 + ], + [ + -0.9930728673934937 + ], + [ + -0.9969081878662109 + ], + [ + -0.9946839213371277 + ], + [ + -0.9941709041595459 + ], + [ + -0.9794921875 + ], + [ + -0.9891036152839661 + ], + [ + -0.979666531085968 + ], + [ + -0.9994432330131531 + ], + [ + -0.9619389772415161 + ], + [ + -0.9898024201393127 + ], + [ + -0.9821221828460693 + ], + [ + -0.9734533429145813 + ], + [ + -0.99550461769104 + ], + [ + -0.9916052222251892 + ], + [ + -0.9966038465499878 + ], + [ + -0.9438002109527588 + ], + [ + -0.9970225691795349 + ], + [ + -0.9904787540435791 + ], + [ + -0.978326141834259 + ], + [ + -0.9893983006477356 + ], + [ + -0.9980165362358093 + ], + [ + -0.9990159869194031 + ], + [ + -0.9979041814804077 + ], + [ + -0.9862546324729919 + ], + [ + -0.9861188530921936 + ], + [ + -0.9959670901298523 + ], + [ + -0.9902665615081787 + ], + [ + -0.9341245889663696 + ], + [ + -0.9912442564964294 + ], + [ + -0.9988137483596802 + ], + [ + -0.9527305960655212 + ], + [ + -0.9997010827064514 + ], + [ + -0.9724005460739136 + ], + [ + -0.9889454245567322 + ], + [ + -0.9686486721038818 + ], + [ + -0.9673056602478027 + ], + [ + -0.9916380643844604 + ], + [ + -0.9993491768836975 + ], + [ + -0.9940215349197388 + ], + [ + -0.9714513421058655 + ], + [ + -0.9991717338562012 + ], + [ + -0.9955765008926392 + ], + [ + -0.9706039428710938 + ], + [ + -0.9861751198768616 + ], + [ + -0.9856794476509094 + ], + [ + -0.9803666472434998 + ], + [ + -0.9923833012580872 + ], + [ + -0.9959185123443604 + ], + [ + -0.9958447813987732 + ], + [ + -0.9722725749015808 + ], + [ + -0.993640124797821 + ], + [ + -0.9833834171295166 + ], + [ + -0.9924959540367126 + ] + ], + "output_high": [ + [ + 0.9909773468971252 + ], + [ + 0.9983454346656799 + ], + [ + 0.9831878542900085 + ], + [ + 0.9906973838806152 + ], + [ + 0.9991681575775146 + ], + [ + 0.9676032662391663 + ], + [ + 0.9950801730155945 + ], + [ + 0.9989418983459473 + ], + [ + 0.9921422600746155 + ], + [ + 0.99116450548172 + ], + [ + 0.9910928010940552 + ], + [ + 0.9955175518989563 + ], + [ + 0.9855421781539917 + ], + [ + 0.9536381363868713 + ], + [ + 0.9983392953872681 + ], + [ + 0.9792799949645996 + ], + [ + 0.9958244562149048 + ], + [ + 0.9807993173599243 + ], + [ + 0.9856321215629578 + ], + [ + 0.9808271527290344 + ], + [ + 0.9623140692710876 + ], + [ + 0.9904636144638062 + ], + [ + 0.9682698249816895 + ], + [ + 0.9762869477272034 + ], + [ + 0.9942306280136108 + ], + [ + 0.9901894330978394 + ], + [ + 0.9958839416503906 + ], + [ + 0.9749670028686523 + ], + [ + 0.9958682060241699 + ], + [ + 0.9894793033599854 + ], + [ + 0.9965365529060364 + ], + [ + 0.9700952768325806 + ], + [ + 0.9949041604995728 + ], + [ + 0.9829294085502625 + ], + [ + 0.991074800491333 + ], + [ + 0.9927648901939392 + ], + [ + 0.9932846426963806 + ], + [ + 0.9548827409744263 + ], + [ + 0.9726462960243225 + ], + [ + 0.9990813136100769 + ], + [ + 0.9813863039016724 + ], + [ + 0.9905388355255127 + ], + [ + 0.9781097769737244 + ], + [ + 0.989486813545227 + ], + [ + 0.998881459236145 + ], + [ + 0.988550066947937 + ], + [ + 0.9875874519348145 + ], + [ + 0.9983980655670166 + ], + [ + 0.9880405068397522 + ], + [ + 0.9825812578201294 + ], + [ + 0.9962864518165588 + ], + [ + 0.9574106335639954 + ], + [ + 0.9918659329414368 + ], + [ + 0.9835743308067322 + ], + [ + 0.9988095760345459 + ], + [ + 0.8950998187065125 + ], + [ + 0.9890387654304504 + ], + [ + 0.9874756932258606 + ], + [ + 0.9957981109619141 + ], + [ + 0.9993019104003906 + ], + [ + 0.996136486530304 + ], + [ + 0.9745022654533386 + ], + [ + 0.9974161386489868 + ], + [ + 0.9891718029975891 + ], + [ + 0.9975799918174744 + ], + [ + 0.9909142851829529 + ], + [ + 0.989179790019989 + ], + [ + 0.978251576423645 + ], + [ + 0.9917712211608887 + ], + [ + 0.9965060353279114 + ], + [ + 0.9970428347587585 + ], + [ + 0.9859961867332458 + ], + [ + 0.9820922017097473 + ], + [ + 0.986920177936554 + ], + [ + 0.9901742935180664 + ], + [ + 0.9985538125038147 + ], + [ + 0.9886013865470886 + ], + [ + 0.9789594411849976 + ], + [ + 0.9965196847915649 + ], + [ + 0.990382194519043 + ], + [ + 0.9951403737068176 + ], + [ + 0.9591000080108643 + ], + [ + 0.9874412417411804 + ], + [ + 0.9825804233551025 + ], + [ + 0.992242157459259 + ], + [ + 0.9918845295906067 + ], + [ + 0.9858293533325195 + ], + [ + 0.9989430904388428 + ], + [ + 0.9597191214561462 + ], + [ + 0.9933499097824097 + ], + [ + 0.9906231760978699 + ], + [ + 0.9845786094665527 + ], + [ + 0.9610282182693481 + ], + [ + 0.9961503744125366 + ], + [ + 0.9696146845817566 + ], + [ + 0.9965823292732239 + ], + [ + 0.9936394691467285 + ], + [ + 0.9816159605979919 + ], + [ + 0.9795100092887878 + ], + [ + 0.9998399019241333 + ], + [ + 0.9724968075752258 + ], + [ + 0.9866291284561157 + ], + [ + 0.9963380098342896 + ], + [ + 0.9964209198951721 + ], + [ + 0.9951148629188538 + ], + [ + 0.9941226840019226 + ], + [ + 0.9998342394828796 + ], + [ + 0.986089289188385 + ], + [ + 0.999843180179596 + ], + [ + 0.9994115233421326 + ], + [ + 0.9939268827438354 + ], + [ + 0.9864682555198669 + ], + [ + 0.9951898455619812 + ], + [ + 0.9832066297531128 + ], + [ + 0.9777383208274841 + ], + [ + 0.9957072138786316 + ], + [ + 0.9908119440078735 + ], + [ + 0.9896420240402222 + ], + [ + 0.9981521964073181 + ], + [ + 0.9940311908721924 + ], + [ + 0.9960919618606567 + ], + [ + 0.9770079851150513 + ], + [ + 0.9921236634254456 + ], + [ + 0.9821001887321472 + ], + [ + 0.988516628742218 + ], + [ + 0.9615697860717773 + ], + [ + 0.9930355548858643 + ], + [ + 0.9858760833740234 + ], + [ + 0.9765929579734802 + ], + [ + 0.9881271123886108 + ], + [ + 0.991604745388031 + ], + [ + 0.9871941208839417 + ], + [ + 0.9976894855499268 + ], + [ + 0.9962239861488342 + ], + [ + 0.9808199405670166 + ], + [ + 0.9991806745529175 + ], + [ + 0.9781110882759094 + ], + [ + 0.9748021364212036 + ], + [ + 0.9951413869857788 + ], + [ + 0.9955171942710876 + ], + [ + 0.9992361068725586 + ], + [ + 0.9953001141548157 + ], + [ + 0.9940733909606934 + ], + [ + 0.9766422510147095 + ], + [ + 0.9874630570411682 + ], + [ + 0.989440381526947 + ], + [ + 0.9981264472007751 + ], + [ + 0.9987223148345947 + ], + [ + 0.9709160923957825 + ], + [ + 0.9808234572410583 + ], + [ + 0.9873252511024475 + ], + [ + 0.9893112182617188 + ], + [ + 0.9943447113037109 + ], + [ + 0.9992303252220154 + ], + [ + 0.986526608467102 + ], + [ + 0.9781844019889832 + ], + [ + 0.9558172821998596 + ], + [ + 0.9928550720214844 + ], + [ + 0.9595223069190979 + ], + [ + 0.9868951439857483 + ], + [ + 0.9997645616531372 + ], + [ + 0.9883376359939575 + ], + [ + 0.9950738549232483 + ], + [ + 0.974565327167511 + ], + [ + 0.9941418766975403 + ], + [ + 0.9823997020721436 + ], + [ + 0.9968482255935669 + ], + [ + 0.9912917017936707 + ], + [ + 0.9808583855628967 + ], + [ + 0.9979895353317261 + ], + [ + 0.9912863969802856 + ], + [ + 0.9927439093589783 + ], + [ + 0.9860440492630005 + ], + [ + 0.9989852905273438 + ], + [ + 0.9971586465835571 + ], + [ + 0.988552451133728 + ], + [ + 0.9960190653800964 + ], + [ + 0.9950498342514038 + ], + [ + 0.9633542895317078 + ], + [ + 0.9971114993095398 + ], + [ + 0.9759761095046997 + ], + [ + 0.9579861164093018 + ], + [ + 0.9925193190574646 + ], + [ + 0.9913685917854309 + ], + [ + 0.9811842441558838 + ], + [ + 0.9787631034851074 + ], + [ + 0.994145929813385 + ], + [ + 0.9755551218986511 + ], + [ + 0.9889241456985474 + ], + [ + 0.9680908918380737 + ], + [ + 0.9442887902259827 + ], + [ + 0.9974017143249512 + ], + [ + 0.9934690594673157 + ], + [ + 0.9784937500953674 + ], + [ + 0.9973057508468628 + ], + [ + 0.9688987135887146 + ], + [ + 0.9999781250953674 + ], + [ + 0.9993228912353516 + ], + [ + 0.9813523292541504 + ], + [ + 0.9999862909317017 + ], + [ + 0.9939435720443726 + ], + [ + 0.9868665337562561 + ], + [ + 0.9996060132980347 + ], + [ + 0.9930728673934937 + ], + [ + 0.9969081878662109 + ], + [ + 0.9946839213371277 + ], + [ + 0.9941709041595459 + ], + [ + 0.9794921875 + ], + [ + 0.9891036152839661 + ], + [ + 0.979666531085968 + ], + [ + 0.9994432330131531 + ], + [ + 0.9619389772415161 + ], + [ + 0.9898024201393127 + ], + [ + 0.9821221828460693 + ], + [ + 0.9734533429145813 + ], + [ + 0.99550461769104 + ], + [ + 0.9916052222251892 + ], + [ + 0.9966038465499878 + ], + [ + 0.9438002109527588 + ], + [ + 0.9970225691795349 + ], + [ + 0.9904787540435791 + ], + [ + 0.978326141834259 + ], + [ + 0.9893983006477356 + ], + [ + 0.9980165362358093 + ], + [ + 0.9990159869194031 + ], + [ + 0.9979041814804077 + ], + [ + 0.9862546324729919 + ], + [ + 0.9861188530921936 + ], + [ + 0.9959670901298523 + ], + [ + 0.9902665615081787 + ], + [ + 0.9341245889663696 + ], + [ + 0.9912442564964294 + ], + [ + 0.9988137483596802 + ], + [ + 0.9527305960655212 + ], + [ + 0.9997010827064514 + ], + [ + 0.9724005460739136 + ], + [ + 0.9889454245567322 + ], + [ + 0.9686486721038818 + ], + [ + 0.9673056602478027 + ], + [ + 0.9916380643844604 + ], + [ + 0.9993491768836975 + ], + [ + 0.9940215349197388 + ], + [ + 0.9714513421058655 + ], + [ + 0.9991717338562012 + ], + [ + 0.9955765008926392 + ], + [ + 0.9706039428710938 + ], + [ + 0.9861751198768616 + ], + [ + 0.9856794476509094 + ], + [ + 0.9803666472434998 + ], + [ + 0.9923833012580872 + ], + [ + 0.9959185123443604 + ], + [ + 0.9958447813987732 + ], + [ + 0.9722725749015808 + ], + [ + 0.993640124797821 + ], + [ + 0.9833834171295166 + ], + [ + 0.9924959540367126 + ] + ] + }, + "Add/fq_output_0": { + "input_low": 0.0, + "input_high": 1.9382858276367188, + "output_low": 0.0, + "output_high": 1.9382858276367188 + }, + "MatMul_1/fq_output_0": { + "input_low": 0.0, + "input_high": 48.822410583496094, + "output_low": 0.0, + "output_high": 48.822410583496094 + }, + "MatMul_1/fq_weights_1": { + "input_low": [ + [ + -0.997209906578064 + ], + [ + -0.9949173331260681 + ], + [ + -0.9970102906227112 + ], + [ + -0.9907447099685669 + ], + [ + -0.9995013475418091 + ], + [ + -0.9916847348213196 + ], + [ + -0.9952998161315918 + ], + [ + -0.9706780314445496 + ], + [ + -0.9884659051895142 + ], + [ + -0.9829670786857605 + ], + [ + -0.9980674386024475 + ], + [ + -0.9965038895606995 + ], + [ + -0.9848328232765198 + ], + [ + -0.9952797293663025 + ], + [ + -0.991744875907898 + ], + [ + -0.9909734725952148 + ], + [ + -0.9968228936195374 + ], + [ + -0.9947412014007568 + ], + [ + -0.9995572566986084 + ], + [ + -0.9770334362983704 + ], + [ + -0.9989421367645264 + ], + [ + -0.98921799659729 + ], + [ + -0.9925505518913269 + ], + [ + -0.973052978515625 + ], + [ + -0.9948969483375549 + ], + [ + -0.9984723925590515 + ], + [ + -0.9995658993721008 + ], + [ + -0.9957154989242554 + ], + [ + -0.9991037249565125 + ], + [ + -0.9969573020935059 + ], + [ + -0.9988649487495422 + ], + [ + -0.9976487755775452 + ], + [ + -0.9977005124092102 + ], + [ + -0.9976039528846741 + ], + [ + -0.9961122274398804 + ], + [ + -0.985550582408905 + ], + [ + -0.9923359751701355 + ], + [ + -0.9899053573608398 + ], + [ + -0.9976468086242676 + ], + [ + -0.9793895483016968 + ], + [ + -0.9969144463539124 + ], + [ + -0.9911549091339111 + ], + [ + -0.9999169707298279 + ], + [ + -0.9942635893821716 + ], + [ + -0.9787606000900269 + ], + [ + -0.9908086657524109 + ], + [ + -0.9850028157234192 + ], + [ + -0.9999967813491821 + ], + [ + -0.9981984496116638 + ], + [ + -0.9987507462501526 + ], + [ + -0.9712238907814026 + ], + [ + -0.9995269775390625 + ], + [ + -0.9997587203979492 + ], + [ + -0.9954873323440552 + ], + [ + -0.998880922794342 + ], + [ + -0.9988654255867004 + ], + [ + -0.9847495555877686 + ], + [ + -0.9963366389274597 + ], + [ + -0.9949934482574463 + ], + [ + -0.9931712746620178 + ], + [ + -0.9915337562561035 + ], + [ + -0.9974387884140015 + ], + [ + -0.9980217814445496 + ], + [ + -0.9964509606361389 + ], + [ + -0.9923781156539917 + ], + [ + -0.9978485107421875 + ], + [ + -0.9943899512290955 + ], + [ + -0.9992311000823975 + ], + [ + -0.996059000492096 + ], + [ + -0.9933991432189941 + ], + [ + -0.9967544674873352 + ], + [ + -0.98456209897995 + ], + [ + -0.9866734147071838 + ], + [ + -0.9921278953552246 + ], + [ + -0.9963017106056213 + ], + [ + -0.9378506541252136 + ], + [ + -0.9762595295906067 + ], + [ + -0.9998682737350464 + ], + [ + -0.9913347363471985 + ], + [ + -0.9997410774230957 + ], + [ + -0.9701470732688904 + ], + [ + -0.9907292127609253 + ], + [ + -0.997471809387207 + ], + [ + -0.994312047958374 + ], + [ + -0.9993043541908264 + ], + [ + -0.9893314838409424 + ], + [ + -0.9994381666183472 + ], + [ + -0.9804852604866028 + ], + [ + -0.994705319404602 + ], + [ + -0.9966240525245667 + ], + [ + -0.9947917461395264 + ], + [ + -0.9975060820579529 + ], + [ + -0.9845627546310425 + ], + [ + -0.9937801957130432 + ], + [ + -0.9963642358779907 + ], + [ + -0.9990124106407166 + ], + [ + -0.9895134568214417 + ], + [ + -0.9890456795692444 + ], + [ + -0.987944483757019 + ], + [ + -0.9930492639541626 + ], + [ + -0.9977296590805054 + ], + [ + -0.9971364140510559 + ], + [ + -0.9956365823745728 + ], + [ + -0.9989039301872253 + ], + [ + -0.9948055148124695 + ], + [ + -0.9989332556724548 + ], + [ + -0.9937583804130554 + ], + [ + -0.9826812148094177 + ], + [ + -0.9972413182258606 + ], + [ + -0.9964587092399597 + ], + [ + -0.9966646432876587 + ], + [ + -0.9870226383209229 + ], + [ + -0.9938035011291504 + ], + [ + -0.9959368109703064 + ], + [ + -0.9975705742835999 + ], + [ + -0.9932180643081665 + ], + [ + -0.9971054196357727 + ], + [ + -0.9976403713226318 + ], + [ + -0.9995327591896057 + ], + [ + -0.9984899163246155 + ], + [ + -0.9962453842163086 + ], + [ + -0.9915542006492615 + ], + [ + -0.9969409704208374 + ], + [ + -0.9895216822624207 + ], + [ + -0.9820359945297241 + ], + [ + -0.9907808303833008 + ], + [ + -0.991483211517334 + ], + [ + -0.9928523898124695 + ], + [ + -0.9925488233566284 + ], + [ + -0.9880505204200745 + ], + [ + -0.9922356009483337 + ], + [ + -0.9954507350921631 + ], + [ + -0.9776898622512817 + ], + [ + -0.9983382225036621 + ], + [ + -0.9877969026565552 + ], + [ + -0.9950459003448486 + ], + [ + -0.9977895617485046 + ], + [ + -0.995330274105072 + ], + [ + -0.9917378425598145 + ], + [ + -0.9886570572853088 + ], + [ + -0.9954023957252502 + ], + [ + -0.984895646572113 + ], + [ + -0.9944501519203186 + ], + [ + -0.9982420206069946 + ], + [ + -0.9937803745269775 + ], + [ + -0.9644516706466675 + ], + [ + -0.9878875613212585 + ], + [ + -0.9968081712722778 + ], + [ + -0.9821614623069763 + ], + [ + -0.9965328574180603 + ], + [ + -0.9847080707550049 + ], + [ + -0.9993707537651062 + ], + [ + -0.9857835173606873 + ], + [ + -0.9796192049980164 + ], + [ + -0.9920153021812439 + ], + [ + -0.9983928203582764 + ], + [ + -0.98243647813797 + ], + [ + -0.9960442185401917 + ], + [ + -0.9984419345855713 + ], + [ + -0.9950466752052307 + ], + [ + -0.9884970188140869 + ], + [ + -0.9937816262245178 + ], + [ + -0.9954879283905029 + ], + [ + -0.9999688267707825 + ], + [ + -0.9984185695648193 + ], + [ + -0.998067319393158 + ], + [ + -0.9949743747711182 + ], + [ + -0.9808971285820007 + ], + [ + -0.9980217218399048 + ], + [ + -0.996214747428894 + ], + [ + -0.9966973662376404 + ], + [ + -0.9812440872192383 + ], + [ + -0.9845941662788391 + ], + [ + -0.9876970052719116 + ], + [ + -0.9955273270606995 + ], + [ + -0.9949563145637512 + ], + [ + -0.9974815845489502 + ], + [ + -0.9969190955162048 + ], + [ + -0.9882254004478455 + ], + [ + -0.9850651621818542 + ], + [ + -0.997317373752594 + ], + [ + -0.9981675744056702 + ], + [ + -0.9808862209320068 + ], + [ + -0.9913301467895508 + ], + [ + -0.9984498620033264 + ], + [ + -0.9857383966445923 + ], + [ + -0.9939991235733032 + ], + [ + -0.9823740124702454 + ], + [ + -0.9882915616035461 + ], + [ + -0.99458247423172 + ], + [ + -0.9939290285110474 + ], + [ + -0.9899991154670715 + ], + [ + -0.9987152814865112 + ], + [ + -0.9877135157585144 + ], + [ + -0.9878823161125183 + ], + [ + -0.9991747140884399 + ], + [ + -0.9687643051147461 + ], + [ + -0.9948200583457947 + ], + [ + -0.9884313941001892 + ], + [ + -0.987113893032074 + ], + [ + -0.9866806268692017 + ], + [ + -0.9810053706169128 + ], + [ + -0.9959402084350586 + ], + [ + -0.9960376620292664 + ], + [ + -0.9957947731018066 + ], + [ + -0.9891430139541626 + ], + [ + -0.9965304136276245 + ], + [ + -0.9970084428787231 + ], + [ + -0.9908405542373657 + ], + [ + -0.998543381690979 + ], + [ + -0.9876739382743835 + ], + [ + -0.9967957139015198 + ], + [ + -0.9854351282119751 + ], + [ + -0.9975273609161377 + ], + [ + -0.9984797239303589 + ], + [ + -0.9874700307846069 + ], + [ + -0.9960222244262695 + ], + [ + -0.9992651343345642 + ], + [ + -0.9884849786758423 + ], + [ + -0.9999648928642273 + ], + [ + -0.9991590976715088 + ], + [ + -0.9918185472488403 + ], + [ + -0.9798476696014404 + ], + [ + -0.9909056425094604 + ], + [ + -0.9988617300987244 + ], + [ + -0.9982262849807739 + ], + [ + -0.992141842842102 + ], + [ + -0.997732937335968 + ], + [ + -0.9918438196182251 + ], + [ + -0.991694986820221 + ], + [ + -0.9979233145713806 + ], + [ + -0.9989088773727417 + ], + [ + -0.9987594485282898 + ], + [ + -0.9991858005523682 + ], + [ + -0.9955074191093445 + ], + [ + -0.9919247627258301 + ], + [ + -0.9987843036651611 + ], + [ + -0.981169581413269 + ], + [ + -0.9735352396965027 + ], + [ + -0.9962743520736694 + ], + [ + -0.938964307308197 + ], + [ + -0.9986412525177002 + ], + [ + -0.9993836879730225 + ], + [ + -0.9928278923034668 + ], + [ + -0.9933155179023743 + ], + [ + -0.9852665662765503 + ], + [ + -0.9932408928871155 + ], + [ + -0.9923556447029114 + ], + [ + -0.9993647336959839 + ], + [ + -0.9824082851409912 + ], + [ + -0.9759500026702881 + ], + [ + -0.9933562874794006 + ], + [ + -0.9931491613388062 + ], + [ + -0.9914745688438416 + ], + [ + -0.9974210858345032 + ], + [ + -0.9900017380714417 + ] + ], + "input_high": [ + [ + 0.997209906578064 + ], + [ + 0.9949173331260681 + ], + [ + 0.9970102906227112 + ], + [ + 0.9907447099685669 + ], + [ + 0.9995013475418091 + ], + [ + 0.9916847348213196 + ], + [ + 0.9952998161315918 + ], + [ + 0.9706780314445496 + ], + [ + 0.9884659051895142 + ], + [ + 0.9829670786857605 + ], + [ + 0.9980674386024475 + ], + [ + 0.9965038895606995 + ], + [ + 0.9848328232765198 + ], + [ + 0.9952797293663025 + ], + [ + 0.991744875907898 + ], + [ + 0.9909734725952148 + ], + [ + 0.9968228936195374 + ], + [ + 0.9947412014007568 + ], + [ + 0.9995572566986084 + ], + [ + 0.9770334362983704 + ], + [ + 0.9989421367645264 + ], + [ + 0.98921799659729 + ], + [ + 0.9925505518913269 + ], + [ + 0.973052978515625 + ], + [ + 0.9948969483375549 + ], + [ + 0.9984723925590515 + ], + [ + 0.9995658993721008 + ], + [ + 0.9957154989242554 + ], + [ + 0.9991037249565125 + ], + [ + 0.9969573020935059 + ], + [ + 0.9988649487495422 + ], + [ + 0.9976487755775452 + ], + [ + 0.9977005124092102 + ], + [ + 0.9976039528846741 + ], + [ + 0.9961122274398804 + ], + [ + 0.985550582408905 + ], + [ + 0.9923359751701355 + ], + [ + 0.9899053573608398 + ], + [ + 0.9976468086242676 + ], + [ + 0.9793895483016968 + ], + [ + 0.9969144463539124 + ], + [ + 0.9911549091339111 + ], + [ + 0.9999169707298279 + ], + [ + 0.9942635893821716 + ], + [ + 0.9787606000900269 + ], + [ + 0.9908086657524109 + ], + [ + 0.9850028157234192 + ], + [ + 0.9999967813491821 + ], + [ + 0.9981984496116638 + ], + [ + 0.9987507462501526 + ], + [ + 0.9712238907814026 + ], + [ + 0.9995269775390625 + ], + [ + 0.9997587203979492 + ], + [ + 0.9954873323440552 + ], + [ + 0.998880922794342 + ], + [ + 0.9988654255867004 + ], + [ + 0.9847495555877686 + ], + [ + 0.9963366389274597 + ], + [ + 0.9949934482574463 + ], + [ + 0.9931712746620178 + ], + [ + 0.9915337562561035 + ], + [ + 0.9974387884140015 + ], + [ + 0.9980217814445496 + ], + [ + 0.9964509606361389 + ], + [ + 0.9923781156539917 + ], + [ + 0.9978485107421875 + ], + [ + 0.9943899512290955 + ], + [ + 0.9992311000823975 + ], + [ + 0.996059000492096 + ], + [ + 0.9933991432189941 + ], + [ + 0.9967544674873352 + ], + [ + 0.98456209897995 + ], + [ + 0.9866734147071838 + ], + [ + 0.9921278953552246 + ], + [ + 0.9963017106056213 + ], + [ + 0.9378506541252136 + ], + [ + 0.9762595295906067 + ], + [ + 0.9998682737350464 + ], + [ + 0.9913347363471985 + ], + [ + 0.9997410774230957 + ], + [ + 0.9701470732688904 + ], + [ + 0.9907292127609253 + ], + [ + 0.997471809387207 + ], + [ + 0.994312047958374 + ], + [ + 0.9993043541908264 + ], + [ + 0.9893314838409424 + ], + [ + 0.9994381666183472 + ], + [ + 0.9804852604866028 + ], + [ + 0.994705319404602 + ], + [ + 0.9966240525245667 + ], + [ + 0.9947917461395264 + ], + [ + 0.9975060820579529 + ], + [ + 0.9845627546310425 + ], + [ + 0.9937801957130432 + ], + [ + 0.9963642358779907 + ], + [ + 0.9990124106407166 + ], + [ + 0.9895134568214417 + ], + [ + 0.9890456795692444 + ], + [ + 0.987944483757019 + ], + [ + 0.9930492639541626 + ], + [ + 0.9977296590805054 + ], + [ + 0.9971364140510559 + ], + [ + 0.9956365823745728 + ], + [ + 0.9989039301872253 + ], + [ + 0.9948055148124695 + ], + [ + 0.9989332556724548 + ], + [ + 0.9937583804130554 + ], + [ + 0.9826812148094177 + ], + [ + 0.9972413182258606 + ], + [ + 0.9964587092399597 + ], + [ + 0.9966646432876587 + ], + [ + 0.9870226383209229 + ], + [ + 0.9938035011291504 + ], + [ + 0.9959368109703064 + ], + [ + 0.9975705742835999 + ], + [ + 0.9932180643081665 + ], + [ + 0.9971054196357727 + ], + [ + 0.9976403713226318 + ], + [ + 0.9995327591896057 + ], + [ + 0.9984899163246155 + ], + [ + 0.9962453842163086 + ], + [ + 0.9915542006492615 + ], + [ + 0.9969409704208374 + ], + [ + 0.9895216822624207 + ], + [ + 0.9820359945297241 + ], + [ + 0.9907808303833008 + ], + [ + 0.991483211517334 + ], + [ + 0.9928523898124695 + ], + [ + 0.9925488233566284 + ], + [ + 0.9880505204200745 + ], + [ + 0.9922356009483337 + ], + [ + 0.9954507350921631 + ], + [ + 0.9776898622512817 + ], + [ + 0.9983382225036621 + ], + [ + 0.9877969026565552 + ], + [ + 0.9950459003448486 + ], + [ + 0.9977895617485046 + ], + [ + 0.995330274105072 + ], + [ + 0.9917378425598145 + ], + [ + 0.9886570572853088 + ], + [ + 0.9954023957252502 + ], + [ + 0.984895646572113 + ], + [ + 0.9944501519203186 + ], + [ + 0.9982420206069946 + ], + [ + 0.9937803745269775 + ], + [ + 0.9644516706466675 + ], + [ + 0.9878875613212585 + ], + [ + 0.9968081712722778 + ], + [ + 0.9821614623069763 + ], + [ + 0.9965328574180603 + ], + [ + 0.9847080707550049 + ], + [ + 0.9993707537651062 + ], + [ + 0.9857835173606873 + ], + [ + 0.9796192049980164 + ], + [ + 0.9920153021812439 + ], + [ + 0.9983928203582764 + ], + [ + 0.98243647813797 + ], + [ + 0.9960442185401917 + ], + [ + 0.9984419345855713 + ], + [ + 0.9950466752052307 + ], + [ + 0.9884970188140869 + ], + [ + 0.9937816262245178 + ], + [ + 0.9954879283905029 + ], + [ + 0.9999688267707825 + ], + [ + 0.9984185695648193 + ], + [ + 0.998067319393158 + ], + [ + 0.9949743747711182 + ], + [ + 0.9808971285820007 + ], + [ + 0.9980217218399048 + ], + [ + 0.996214747428894 + ], + [ + 0.9966973662376404 + ], + [ + 0.9812440872192383 + ], + [ + 0.9845941662788391 + ], + [ + 0.9876970052719116 + ], + [ + 0.9955273270606995 + ], + [ + 0.9949563145637512 + ], + [ + 0.9974815845489502 + ], + [ + 0.9969190955162048 + ], + [ + 0.9882254004478455 + ], + [ + 0.9850651621818542 + ], + [ + 0.997317373752594 + ], + [ + 0.9981675744056702 + ], + [ + 0.9808862209320068 + ], + [ + 0.9913301467895508 + ], + [ + 0.9984498620033264 + ], + [ + 0.9857383966445923 + ], + [ + 0.9939991235733032 + ], + [ + 0.9823740124702454 + ], + [ + 0.9882915616035461 + ], + [ + 0.99458247423172 + ], + [ + 0.9939290285110474 + ], + [ + 0.9899991154670715 + ], + [ + 0.9987152814865112 + ], + [ + 0.9877135157585144 + ], + [ + 0.9878823161125183 + ], + [ + 0.9991747140884399 + ], + [ + 0.9687643051147461 + ], + [ + 0.9948200583457947 + ], + [ + 0.9884313941001892 + ], + [ + 0.987113893032074 + ], + [ + 0.9866806268692017 + ], + [ + 0.9810053706169128 + ], + [ + 0.9959402084350586 + ], + [ + 0.9960376620292664 + ], + [ + 0.9957947731018066 + ], + [ + 0.9891430139541626 + ], + [ + 0.9965304136276245 + ], + [ + 0.9970084428787231 + ], + [ + 0.9908405542373657 + ], + [ + 0.998543381690979 + ], + [ + 0.9876739382743835 + ], + [ + 0.9967957139015198 + ], + [ + 0.9854351282119751 + ], + [ + 0.9975273609161377 + ], + [ + 0.9984797239303589 + ], + [ + 0.9874700307846069 + ], + [ + 0.9960222244262695 + ], + [ + 0.9992651343345642 + ], + [ + 0.9884849786758423 + ], + [ + 0.9999648928642273 + ], + [ + 0.9991590976715088 + ], + [ + 0.9918185472488403 + ], + [ + 0.9798476696014404 + ], + [ + 0.9909056425094604 + ], + [ + 0.9988617300987244 + ], + [ + 0.9982262849807739 + ], + [ + 0.992141842842102 + ], + [ + 0.997732937335968 + ], + [ + 0.9918438196182251 + ], + [ + 0.991694986820221 + ], + [ + 0.9979233145713806 + ], + [ + 0.9989088773727417 + ], + [ + 0.9987594485282898 + ], + [ + 0.9991858005523682 + ], + [ + 0.9955074191093445 + ], + [ + 0.9919247627258301 + ], + [ + 0.9987843036651611 + ], + [ + 0.981169581413269 + ], + [ + 0.9735352396965027 + ], + [ + 0.9962743520736694 + ], + [ + 0.938964307308197 + ], + [ + 0.9986412525177002 + ], + [ + 0.9993836879730225 + ], + [ + 0.9928278923034668 + ], + [ + 0.9933155179023743 + ], + [ + 0.9852665662765503 + ], + [ + 0.9932408928871155 + ], + [ + 0.9923556447029114 + ], + [ + 0.9993647336959839 + ], + [ + 0.9824082851409912 + ], + [ + 0.9759500026702881 + ], + [ + 0.9933562874794006 + ], + [ + 0.9931491613388062 + ], + [ + 0.9914745688438416 + ], + [ + 0.9974210858345032 + ], + [ + 0.9900017380714417 + ] + ], + "output_low": [ + [ + -0.997209906578064 + ], + [ + -0.9949173331260681 + ], + [ + -0.9970102906227112 + ], + [ + -0.9907447099685669 + ], + [ + -0.9995013475418091 + ], + [ + -0.9916847348213196 + ], + [ + -0.9952998161315918 + ], + [ + -0.9706780314445496 + ], + [ + -0.9884659051895142 + ], + [ + -0.9829670786857605 + ], + [ + -0.9980674386024475 + ], + [ + -0.9965038895606995 + ], + [ + -0.9848328232765198 + ], + [ + -0.9952797293663025 + ], + [ + -0.991744875907898 + ], + [ + -0.9909734725952148 + ], + [ + -0.9968228936195374 + ], + [ + -0.9947412014007568 + ], + [ + -0.9995572566986084 + ], + [ + -0.9770334362983704 + ], + [ + -0.9989421367645264 + ], + [ + -0.98921799659729 + ], + [ + -0.9925505518913269 + ], + [ + -0.973052978515625 + ], + [ + -0.9948969483375549 + ], + [ + -0.9984723925590515 + ], + [ + -0.9995658993721008 + ], + [ + -0.9957154989242554 + ], + [ + -0.9991037249565125 + ], + [ + -0.9969573020935059 + ], + [ + -0.9988649487495422 + ], + [ + -0.9976487755775452 + ], + [ + -0.9977005124092102 + ], + [ + -0.9976039528846741 + ], + [ + -0.9961122274398804 + ], + [ + -0.985550582408905 + ], + [ + -0.9923359751701355 + ], + [ + -0.9899053573608398 + ], + [ + -0.9976468086242676 + ], + [ + -0.9793895483016968 + ], + [ + -0.9969144463539124 + ], + [ + -0.9911549091339111 + ], + [ + -0.9999169707298279 + ], + [ + -0.9942635893821716 + ], + [ + -0.9787606000900269 + ], + [ + -0.9908086657524109 + ], + [ + -0.9850028157234192 + ], + [ + -0.9999967813491821 + ], + [ + -0.9981984496116638 + ], + [ + -0.9987507462501526 + ], + [ + -0.9712238907814026 + ], + [ + -0.9995269775390625 + ], + [ + -0.9997587203979492 + ], + [ + -0.9954873323440552 + ], + [ + -0.998880922794342 + ], + [ + -0.9988654255867004 + ], + [ + -0.9847495555877686 + ], + [ + -0.9963366389274597 + ], + [ + -0.9949934482574463 + ], + [ + -0.9931712746620178 + ], + [ + -0.9915337562561035 + ], + [ + -0.9974387884140015 + ], + [ + -0.9980217814445496 + ], + [ + -0.9964509606361389 + ], + [ + -0.9923781156539917 + ], + [ + -0.9978485107421875 + ], + [ + -0.9943899512290955 + ], + [ + -0.9992311000823975 + ], + [ + -0.996059000492096 + ], + [ + -0.9933991432189941 + ], + [ + -0.9967544674873352 + ], + [ + -0.98456209897995 + ], + [ + -0.9866734147071838 + ], + [ + -0.9921278953552246 + ], + [ + -0.9963017106056213 + ], + [ + -0.9378506541252136 + ], + [ + -0.9762595295906067 + ], + [ + -0.9998682737350464 + ], + [ + -0.9913347363471985 + ], + [ + -0.9997410774230957 + ], + [ + -0.9701470732688904 + ], + [ + -0.9907292127609253 + ], + [ + -0.997471809387207 + ], + [ + -0.994312047958374 + ], + [ + -0.9993043541908264 + ], + [ + -0.9893314838409424 + ], + [ + -0.9994381666183472 + ], + [ + -0.9804852604866028 + ], + [ + -0.994705319404602 + ], + [ + -0.9966240525245667 + ], + [ + -0.9947917461395264 + ], + [ + -0.9975060820579529 + ], + [ + -0.9845627546310425 + ], + [ + -0.9937801957130432 + ], + [ + -0.9963642358779907 + ], + [ + -0.9990124106407166 + ], + [ + -0.9895134568214417 + ], + [ + -0.9890456795692444 + ], + [ + -0.987944483757019 + ], + [ + -0.9930492639541626 + ], + [ + -0.9977296590805054 + ], + [ + -0.9971364140510559 + ], + [ + -0.9956365823745728 + ], + [ + -0.9989039301872253 + ], + [ + -0.9948055148124695 + ], + [ + -0.9989332556724548 + ], + [ + -0.9937583804130554 + ], + [ + -0.9826812148094177 + ], + [ + -0.9972413182258606 + ], + [ + -0.9964587092399597 + ], + [ + -0.9966646432876587 + ], + [ + -0.9870226383209229 + ], + [ + -0.9938035011291504 + ], + [ + -0.9959368109703064 + ], + [ + -0.9975705742835999 + ], + [ + -0.9932180643081665 + ], + [ + -0.9971054196357727 + ], + [ + -0.9976403713226318 + ], + [ + -0.9995327591896057 + ], + [ + -0.9984899163246155 + ], + [ + -0.9962453842163086 + ], + [ + -0.9915542006492615 + ], + [ + -0.9969409704208374 + ], + [ + -0.9895216822624207 + ], + [ + -0.9820359945297241 + ], + [ + -0.9907808303833008 + ], + [ + -0.991483211517334 + ], + [ + -0.9928523898124695 + ], + [ + -0.9925488233566284 + ], + [ + -0.9880505204200745 + ], + [ + -0.9922356009483337 + ], + [ + -0.9954507350921631 + ], + [ + -0.9776898622512817 + ], + [ + -0.9983382225036621 + ], + [ + -0.9877969026565552 + ], + [ + -0.9950459003448486 + ], + [ + -0.9977895617485046 + ], + [ + -0.995330274105072 + ], + [ + -0.9917378425598145 + ], + [ + -0.9886570572853088 + ], + [ + -0.9954023957252502 + ], + [ + -0.984895646572113 + ], + [ + -0.9944501519203186 + ], + [ + -0.9982420206069946 + ], + [ + -0.9937803745269775 + ], + [ + -0.9644516706466675 + ], + [ + -0.9878875613212585 + ], + [ + -0.9968081712722778 + ], + [ + -0.9821614623069763 + ], + [ + -0.9965328574180603 + ], + [ + -0.9847080707550049 + ], + [ + -0.9993707537651062 + ], + [ + -0.9857835173606873 + ], + [ + -0.9796192049980164 + ], + [ + -0.9920153021812439 + ], + [ + -0.9983928203582764 + ], + [ + -0.98243647813797 + ], + [ + -0.9960442185401917 + ], + [ + -0.9984419345855713 + ], + [ + -0.9950466752052307 + ], + [ + -0.9884970188140869 + ], + [ + -0.9937816262245178 + ], + [ + -0.9954879283905029 + ], + [ + -0.9999688267707825 + ], + [ + -0.9984185695648193 + ], + [ + -0.998067319393158 + ], + [ + -0.9949743747711182 + ], + [ + -0.9808971285820007 + ], + [ + -0.9980217218399048 + ], + [ + -0.996214747428894 + ], + [ + -0.9966973662376404 + ], + [ + -0.9812440872192383 + ], + [ + -0.9845941662788391 + ], + [ + -0.9876970052719116 + ], + [ + -0.9955273270606995 + ], + [ + -0.9949563145637512 + ], + [ + -0.9974815845489502 + ], + [ + -0.9969190955162048 + ], + [ + -0.9882254004478455 + ], + [ + -0.9850651621818542 + ], + [ + -0.997317373752594 + ], + [ + -0.9981675744056702 + ], + [ + -0.9808862209320068 + ], + [ + -0.9913301467895508 + ], + [ + -0.9984498620033264 + ], + [ + -0.9857383966445923 + ], + [ + -0.9939991235733032 + ], + [ + -0.9823740124702454 + ], + [ + -0.9882915616035461 + ], + [ + -0.99458247423172 + ], + [ + -0.9939290285110474 + ], + [ + -0.9899991154670715 + ], + [ + -0.9987152814865112 + ], + [ + -0.9877135157585144 + ], + [ + -0.9878823161125183 + ], + [ + -0.9991747140884399 + ], + [ + -0.9687643051147461 + ], + [ + -0.9948200583457947 + ], + [ + -0.9884313941001892 + ], + [ + -0.987113893032074 + ], + [ + -0.9866806268692017 + ], + [ + -0.9810053706169128 + ], + [ + -0.9959402084350586 + ], + [ + -0.9960376620292664 + ], + [ + -0.9957947731018066 + ], + [ + -0.9891430139541626 + ], + [ + -0.9965304136276245 + ], + [ + -0.9970084428787231 + ], + [ + -0.9908405542373657 + ], + [ + -0.998543381690979 + ], + [ + -0.9876739382743835 + ], + [ + -0.9967957139015198 + ], + [ + -0.9854351282119751 + ], + [ + -0.9975273609161377 + ], + [ + -0.9984797239303589 + ], + [ + -0.9874700307846069 + ], + [ + -0.9960222244262695 + ], + [ + -0.9992651343345642 + ], + [ + -0.9884849786758423 + ], + [ + -0.9999648928642273 + ], + [ + -0.9991590976715088 + ], + [ + -0.9918185472488403 + ], + [ + -0.9798476696014404 + ], + [ + -0.9909056425094604 + ], + [ + -0.9988617300987244 + ], + [ + -0.9982262849807739 + ], + [ + -0.992141842842102 + ], + [ + -0.997732937335968 + ], + [ + -0.9918438196182251 + ], + [ + -0.991694986820221 + ], + [ + -0.9979233145713806 + ], + [ + -0.9989088773727417 + ], + [ + -0.9987594485282898 + ], + [ + -0.9991858005523682 + ], + [ + -0.9955074191093445 + ], + [ + -0.9919247627258301 + ], + [ + -0.9987843036651611 + ], + [ + -0.981169581413269 + ], + [ + -0.9735352396965027 + ], + [ + -0.9962743520736694 + ], + [ + -0.938964307308197 + ], + [ + -0.9986412525177002 + ], + [ + -0.9993836879730225 + ], + [ + -0.9928278923034668 + ], + [ + -0.9933155179023743 + ], + [ + -0.9852665662765503 + ], + [ + -0.9932408928871155 + ], + [ + -0.9923556447029114 + ], + [ + -0.9993647336959839 + ], + [ + -0.9824082851409912 + ], + [ + -0.9759500026702881 + ], + [ + -0.9933562874794006 + ], + [ + -0.9931491613388062 + ], + [ + -0.9914745688438416 + ], + [ + -0.9974210858345032 + ], + [ + -0.9900017380714417 + ] + ], + "output_high": [ + [ + 0.997209906578064 + ], + [ + 0.9949173331260681 + ], + [ + 0.9970102906227112 + ], + [ + 0.9907447099685669 + ], + [ + 0.9995013475418091 + ], + [ + 0.9916847348213196 + ], + [ + 0.9952998161315918 + ], + [ + 0.9706780314445496 + ], + [ + 0.9884659051895142 + ], + [ + 0.9829670786857605 + ], + [ + 0.9980674386024475 + ], + [ + 0.9965038895606995 + ], + [ + 0.9848328232765198 + ], + [ + 0.9952797293663025 + ], + [ + 0.991744875907898 + ], + [ + 0.9909734725952148 + ], + [ + 0.9968228936195374 + ], + [ + 0.9947412014007568 + ], + [ + 0.9995572566986084 + ], + [ + 0.9770334362983704 + ], + [ + 0.9989421367645264 + ], + [ + 0.98921799659729 + ], + [ + 0.9925505518913269 + ], + [ + 0.973052978515625 + ], + [ + 0.9948969483375549 + ], + [ + 0.9984723925590515 + ], + [ + 0.9995658993721008 + ], + [ + 0.9957154989242554 + ], + [ + 0.9991037249565125 + ], + [ + 0.9969573020935059 + ], + [ + 0.9988649487495422 + ], + [ + 0.9976487755775452 + ], + [ + 0.9977005124092102 + ], + [ + 0.9976039528846741 + ], + [ + 0.9961122274398804 + ], + [ + 0.985550582408905 + ], + [ + 0.9923359751701355 + ], + [ + 0.9899053573608398 + ], + [ + 0.9976468086242676 + ], + [ + 0.9793895483016968 + ], + [ + 0.9969144463539124 + ], + [ + 0.9911549091339111 + ], + [ + 0.9999169707298279 + ], + [ + 0.9942635893821716 + ], + [ + 0.9787606000900269 + ], + [ + 0.9908086657524109 + ], + [ + 0.9850028157234192 + ], + [ + 0.9999967813491821 + ], + [ + 0.9981984496116638 + ], + [ + 0.9987507462501526 + ], + [ + 0.9712238907814026 + ], + [ + 0.9995269775390625 + ], + [ + 0.9997587203979492 + ], + [ + 0.9954873323440552 + ], + [ + 0.998880922794342 + ], + [ + 0.9988654255867004 + ], + [ + 0.9847495555877686 + ], + [ + 0.9963366389274597 + ], + [ + 0.9949934482574463 + ], + [ + 0.9931712746620178 + ], + [ + 0.9915337562561035 + ], + [ + 0.9974387884140015 + ], + [ + 0.9980217814445496 + ], + [ + 0.9964509606361389 + ], + [ + 0.9923781156539917 + ], + [ + 0.9978485107421875 + ], + [ + 0.9943899512290955 + ], + [ + 0.9992311000823975 + ], + [ + 0.996059000492096 + ], + [ + 0.9933991432189941 + ], + [ + 0.9967544674873352 + ], + [ + 0.98456209897995 + ], + [ + 0.9866734147071838 + ], + [ + 0.9921278953552246 + ], + [ + 0.9963017106056213 + ], + [ + 0.9378506541252136 + ], + [ + 0.9762595295906067 + ], + [ + 0.9998682737350464 + ], + [ + 0.9913347363471985 + ], + [ + 0.9997410774230957 + ], + [ + 0.9701470732688904 + ], + [ + 0.9907292127609253 + ], + [ + 0.997471809387207 + ], + [ + 0.994312047958374 + ], + [ + 0.9993043541908264 + ], + [ + 0.9893314838409424 + ], + [ + 0.9994381666183472 + ], + [ + 0.9804852604866028 + ], + [ + 0.994705319404602 + ], + [ + 0.9966240525245667 + ], + [ + 0.9947917461395264 + ], + [ + 0.9975060820579529 + ], + [ + 0.9845627546310425 + ], + [ + 0.9937801957130432 + ], + [ + 0.9963642358779907 + ], + [ + 0.9990124106407166 + ], + [ + 0.9895134568214417 + ], + [ + 0.9890456795692444 + ], + [ + 0.987944483757019 + ], + [ + 0.9930492639541626 + ], + [ + 0.9977296590805054 + ], + [ + 0.9971364140510559 + ], + [ + 0.9956365823745728 + ], + [ + 0.9989039301872253 + ], + [ + 0.9948055148124695 + ], + [ + 0.9989332556724548 + ], + [ + 0.9937583804130554 + ], + [ + 0.9826812148094177 + ], + [ + 0.9972413182258606 + ], + [ + 0.9964587092399597 + ], + [ + 0.9966646432876587 + ], + [ + 0.9870226383209229 + ], + [ + 0.9938035011291504 + ], + [ + 0.9959368109703064 + ], + [ + 0.9975705742835999 + ], + [ + 0.9932180643081665 + ], + [ + 0.9971054196357727 + ], + [ + 0.9976403713226318 + ], + [ + 0.9995327591896057 + ], + [ + 0.9984899163246155 + ], + [ + 0.9962453842163086 + ], + [ + 0.9915542006492615 + ], + [ + 0.9969409704208374 + ], + [ + 0.9895216822624207 + ], + [ + 0.9820359945297241 + ], + [ + 0.9907808303833008 + ], + [ + 0.991483211517334 + ], + [ + 0.9928523898124695 + ], + [ + 0.9925488233566284 + ], + [ + 0.9880505204200745 + ], + [ + 0.9922356009483337 + ], + [ + 0.9954507350921631 + ], + [ + 0.9776898622512817 + ], + [ + 0.9983382225036621 + ], + [ + 0.9877969026565552 + ], + [ + 0.9950459003448486 + ], + [ + 0.9977895617485046 + ], + [ + 0.995330274105072 + ], + [ + 0.9917378425598145 + ], + [ + 0.9886570572853088 + ], + [ + 0.9954023957252502 + ], + [ + 0.984895646572113 + ], + [ + 0.9944501519203186 + ], + [ + 0.9982420206069946 + ], + [ + 0.9937803745269775 + ], + [ + 0.9644516706466675 + ], + [ + 0.9878875613212585 + ], + [ + 0.9968081712722778 + ], + [ + 0.9821614623069763 + ], + [ + 0.9965328574180603 + ], + [ + 0.9847080707550049 + ], + [ + 0.9993707537651062 + ], + [ + 0.9857835173606873 + ], + [ + 0.9796192049980164 + ], + [ + 0.9920153021812439 + ], + [ + 0.9983928203582764 + ], + [ + 0.98243647813797 + ], + [ + 0.9960442185401917 + ], + [ + 0.9984419345855713 + ], + [ + 0.9950466752052307 + ], + [ + 0.9884970188140869 + ], + [ + 0.9937816262245178 + ], + [ + 0.9954879283905029 + ], + [ + 0.9999688267707825 + ], + [ + 0.9984185695648193 + ], + [ + 0.998067319393158 + ], + [ + 0.9949743747711182 + ], + [ + 0.9808971285820007 + ], + [ + 0.9980217218399048 + ], + [ + 0.996214747428894 + ], + [ + 0.9966973662376404 + ], + [ + 0.9812440872192383 + ], + [ + 0.9845941662788391 + ], + [ + 0.9876970052719116 + ], + [ + 0.9955273270606995 + ], + [ + 0.9949563145637512 + ], + [ + 0.9974815845489502 + ], + [ + 0.9969190955162048 + ], + [ + 0.9882254004478455 + ], + [ + 0.9850651621818542 + ], + [ + 0.997317373752594 + ], + [ + 0.9981675744056702 + ], + [ + 0.9808862209320068 + ], + [ + 0.9913301467895508 + ], + [ + 0.9984498620033264 + ], + [ + 0.9857383966445923 + ], + [ + 0.9939991235733032 + ], + [ + 0.9823740124702454 + ], + [ + 0.9882915616035461 + ], + [ + 0.99458247423172 + ], + [ + 0.9939290285110474 + ], + [ + 0.9899991154670715 + ], + [ + 0.9987152814865112 + ], + [ + 0.9877135157585144 + ], + [ + 0.9878823161125183 + ], + [ + 0.9991747140884399 + ], + [ + 0.9687643051147461 + ], + [ + 0.9948200583457947 + ], + [ + 0.9884313941001892 + ], + [ + 0.987113893032074 + ], + [ + 0.9866806268692017 + ], + [ + 0.9810053706169128 + ], + [ + 0.9959402084350586 + ], + [ + 0.9960376620292664 + ], + [ + 0.9957947731018066 + ], + [ + 0.9891430139541626 + ], + [ + 0.9965304136276245 + ], + [ + 0.9970084428787231 + ], + [ + 0.9908405542373657 + ], + [ + 0.998543381690979 + ], + [ + 0.9876739382743835 + ], + [ + 0.9967957139015198 + ], + [ + 0.9854351282119751 + ], + [ + 0.9975273609161377 + ], + [ + 0.9984797239303589 + ], + [ + 0.9874700307846069 + ], + [ + 0.9960222244262695 + ], + [ + 0.9992651343345642 + ], + [ + 0.9884849786758423 + ], + [ + 0.9999648928642273 + ], + [ + 0.9991590976715088 + ], + [ + 0.9918185472488403 + ], + [ + 0.9798476696014404 + ], + [ + 0.9909056425094604 + ], + [ + 0.9988617300987244 + ], + [ + 0.9982262849807739 + ], + [ + 0.992141842842102 + ], + [ + 0.997732937335968 + ], + [ + 0.9918438196182251 + ], + [ + 0.991694986820221 + ], + [ + 0.9979233145713806 + ], + [ + 0.9989088773727417 + ], + [ + 0.9987594485282898 + ], + [ + 0.9991858005523682 + ], + [ + 0.9955074191093445 + ], + [ + 0.9919247627258301 + ], + [ + 0.9987843036651611 + ], + [ + 0.981169581413269 + ], + [ + 0.9735352396965027 + ], + [ + 0.9962743520736694 + ], + [ + 0.938964307308197 + ], + [ + 0.9986412525177002 + ], + [ + 0.9993836879730225 + ], + [ + 0.9928278923034668 + ], + [ + 0.9933155179023743 + ], + [ + 0.9852665662765503 + ], + [ + 0.9932408928871155 + ], + [ + 0.9923556447029114 + ], + [ + 0.9993647336959839 + ], + [ + 0.9824082851409912 + ], + [ + 0.9759500026702881 + ], + [ + 0.9933562874794006 + ], + [ + 0.9931491613388062 + ], + [ + 0.9914745688438416 + ], + [ + 0.9974210858345032 + ], + [ + 0.9900017380714417 + ] + ] + }, + "Input/fq_output_0": { + "input_low": 0.0, + "input_high": 0.997209906578064, + "output_low": 0.0, + "output_high": 0.997209906578064 + }, + "Tanh_1/fq_output_0": { + "input_low": 0.0, + "input_high": 1.0, + "output_low": 0.0, + "output_high": 1.0 + }, + "Multiply_1/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9979961514472961, + "output_low": 0.0, + "output_high": 0.9979961514472961 + }, + "Sigmoid_3/fq_output_0": { + "input_low": 0.0, + "input_high": 1.0, + "output_low": 0.0, + "output_high": 1.0 + }, + "MatMul_3/fq_weights_1": { + "input_low": [ + [ + -0.9965215921401978 + ], + [ + -0.9667642712593079 + ], + [ + -0.9970813989639282 + ], + [ + -0.9790157079696655 + ], + [ + -0.9729253053665161 + ], + [ + -0.9842010140419006 + ], + [ + -0.994486391544342 + ], + [ + -0.9925340414047241 + ], + [ + -0.9902921915054321 + ], + [ + -0.998791515827179 + ], + [ + -0.9897582530975342 + ], + [ + -0.9915051460266113 + ], + [ + -0.9986451864242554 + ], + [ + -0.992239236831665 + ], + [ + -0.9963834285736084 + ], + [ + -0.9966105818748474 + ], + [ + -0.9975471496582031 + ], + [ + -0.9942125678062439 + ], + [ + -0.9969807863235474 + ], + [ + -0.9815940260887146 + ], + [ + -0.9824799299240112 + ], + [ + -0.9857101440429688 + ], + [ + -0.9466978907585144 + ], + [ + -0.9763142466545105 + ], + [ + -0.9815077781677246 + ], + [ + -0.9992015957832336 + ], + [ + -0.9958590269088745 + ], + [ + -0.994219958782196 + ], + [ + -0.9854848384857178 + ], + [ + -0.9433828592300415 + ], + [ + -0.9874377250671387 + ], + [ + -0.9638236165046692 + ], + [ + -0.993701159954071 + ], + [ + -0.9867001175880432 + ], + [ + -0.9879632592201233 + ], + [ + -0.9920366406440735 + ], + [ + -0.9985228180885315 + ], + [ + -0.9999561309814453 + ], + [ + -0.971184253692627 + ], + [ + -0.9829646348953247 + ], + [ + -0.9991790056228638 + ], + [ + -0.9927377104759216 + ], + [ + -0.9935421347618103 + ], + [ + -0.9919619560241699 + ], + [ + -0.9491509199142456 + ], + [ + -0.9767999649047852 + ], + [ + -0.9997765421867371 + ], + [ + -0.9904158115386963 + ], + [ + -0.9733511805534363 + ], + [ + -0.9895845055580139 + ], + [ + -0.9666234254837036 + ], + [ + -0.9970883131027222 + ], + [ + -0.9984264373779297 + ], + [ + -0.9788975119590759 + ], + [ + -0.9785648584365845 + ], + [ + -0.9736199975013733 + ], + [ + -0.9425509572029114 + ], + [ + -0.9823529124259949 + ], + [ + -0.9886667132377625 + ], + [ + -0.9851393699645996 + ], + [ + -0.9725267291069031 + ], + [ + -0.953076958656311 + ], + [ + -0.9942945241928101 + ], + [ + -0.9937012195587158 + ], + [ + -0.994581937789917 + ], + [ + -0.9986890554428101 + ], + [ + -0.9979872703552246 + ], + [ + -0.9895309209823608 + ], + [ + -0.9751254916191101 + ], + [ + -0.9939358234405518 + ], + [ + -0.9740241169929504 + ], + [ + -0.9713121652603149 + ], + [ + -0.9805923104286194 + ], + [ + -0.9963231086730957 + ], + [ + -0.9792383313179016 + ], + [ + -0.9791774153709412 + ], + [ + -0.9910611510276794 + ], + [ + -0.9978975653648376 + ], + [ + -0.96517014503479 + ], + [ + -0.9910309910774231 + ], + [ + -0.9689407348632812 + ], + [ + -0.9991772174835205 + ], + [ + -0.9814849495887756 + ], + [ + -0.9868127107620239 + ], + [ + -0.9858996272087097 + ], + [ + -0.9998777508735657 + ], + [ + -0.9944142699241638 + ], + [ + -0.9993980526924133 + ], + [ + -0.9714465141296387 + ], + [ + -0.9895434975624084 + ], + [ + -0.9411516785621643 + ], + [ + -0.9873178005218506 + ], + [ + -0.9997856020927429 + ], + [ + -0.9871017932891846 + ], + [ + -0.9745408892631531 + ], + [ + -0.9944347143173218 + ], + [ + -0.9969112277030945 + ], + [ + -0.9977160692214966 + ], + [ + -0.9937180876731873 + ], + [ + -0.9472196698188782 + ], + [ + -0.9780084490776062 + ], + [ + -0.992570161819458 + ], + [ + -0.9869006872177124 + ], + [ + -0.9564433097839355 + ], + [ + -0.9795003533363342 + ], + [ + -0.9989544153213501 + ], + [ + -0.9801754951477051 + ], + [ + -0.995251476764679 + ], + [ + -0.9819392561912537 + ], + [ + -0.9878218770027161 + ], + [ + -0.9783255457878113 + ], + [ + -0.999534547328949 + ], + [ + -0.9861119389533997 + ], + [ + -0.9654863476753235 + ], + [ + -0.9998683929443359 + ], + [ + -0.9913340210914612 + ], + [ + -0.9991106390953064 + ], + [ + -0.9916864633560181 + ], + [ + -0.9983119368553162 + ], + [ + -0.9754260182380676 + ], + [ + -0.9982365369796753 + ], + [ + -0.9985356330871582 + ], + [ + -0.9866330623626709 + ], + [ + -0.9662703275680542 + ], + [ + -0.9823802709579468 + ], + [ + -0.9748610258102417 + ], + [ + -0.9987218379974365 + ], + [ + -0.987769603729248 + ] + ], + "input_high": [ + [ + 0.9965215921401978 + ], + [ + 0.9667642712593079 + ], + [ + 0.9970813989639282 + ], + [ + 0.9790157079696655 + ], + [ + 0.9729253053665161 + ], + [ + 0.9842010140419006 + ], + [ + 0.994486391544342 + ], + [ + 0.9925340414047241 + ], + [ + 0.9902921915054321 + ], + [ + 0.998791515827179 + ], + [ + 0.9897582530975342 + ], + [ + 0.9915051460266113 + ], + [ + 0.9986451864242554 + ], + [ + 0.992239236831665 + ], + [ + 0.9963834285736084 + ], + [ + 0.9966105818748474 + ], + [ + 0.9975471496582031 + ], + [ + 0.9942125678062439 + ], + [ + 0.9969807863235474 + ], + [ + 0.9815940260887146 + ], + [ + 0.9824799299240112 + ], + [ + 0.9857101440429688 + ], + [ + 0.9466978907585144 + ], + [ + 0.9763142466545105 + ], + [ + 0.9815077781677246 + ], + [ + 0.9992015957832336 + ], + [ + 0.9958590269088745 + ], + [ + 0.994219958782196 + ], + [ + 0.9854848384857178 + ], + [ + 0.9433828592300415 + ], + [ + 0.9874377250671387 + ], + [ + 0.9638236165046692 + ], + [ + 0.993701159954071 + ], + [ + 0.9867001175880432 + ], + [ + 0.9879632592201233 + ], + [ + 0.9920366406440735 + ], + [ + 0.9985228180885315 + ], + [ + 0.9999561309814453 + ], + [ + 0.971184253692627 + ], + [ + 0.9829646348953247 + ], + [ + 0.9991790056228638 + ], + [ + 0.9927377104759216 + ], + [ + 0.9935421347618103 + ], + [ + 0.9919619560241699 + ], + [ + 0.9491509199142456 + ], + [ + 0.9767999649047852 + ], + [ + 0.9997765421867371 + ], + [ + 0.9904158115386963 + ], + [ + 0.9733511805534363 + ], + [ + 0.9895845055580139 + ], + [ + 0.9666234254837036 + ], + [ + 0.9970883131027222 + ], + [ + 0.9984264373779297 + ], + [ + 0.9788975119590759 + ], + [ + 0.9785648584365845 + ], + [ + 0.9736199975013733 + ], + [ + 0.9425509572029114 + ], + [ + 0.9823529124259949 + ], + [ + 0.9886667132377625 + ], + [ + 0.9851393699645996 + ], + [ + 0.9725267291069031 + ], + [ + 0.953076958656311 + ], + [ + 0.9942945241928101 + ], + [ + 0.9937012195587158 + ], + [ + 0.994581937789917 + ], + [ + 0.9986890554428101 + ], + [ + 0.9979872703552246 + ], + [ + 0.9895309209823608 + ], + [ + 0.9751254916191101 + ], + [ + 0.9939358234405518 + ], + [ + 0.9740241169929504 + ], + [ + 0.9713121652603149 + ], + [ + 0.9805923104286194 + ], + [ + 0.9963231086730957 + ], + [ + 0.9792383313179016 + ], + [ + 0.9791774153709412 + ], + [ + 0.9910611510276794 + ], + [ + 0.9978975653648376 + ], + [ + 0.96517014503479 + ], + [ + 0.9910309910774231 + ], + [ + 0.9689407348632812 + ], + [ + 0.9991772174835205 + ], + [ + 0.9814849495887756 + ], + [ + 0.9868127107620239 + ], + [ + 0.9858996272087097 + ], + [ + 0.9998777508735657 + ], + [ + 0.9944142699241638 + ], + [ + 0.9993980526924133 + ], + [ + 0.9714465141296387 + ], + [ + 0.9895434975624084 + ], + [ + 0.9411516785621643 + ], + [ + 0.9873178005218506 + ], + [ + 0.9997856020927429 + ], + [ + 0.9871017932891846 + ], + [ + 0.9745408892631531 + ], + [ + 0.9944347143173218 + ], + [ + 0.9969112277030945 + ], + [ + 0.9977160692214966 + ], + [ + 0.9937180876731873 + ], + [ + 0.9472196698188782 + ], + [ + 0.9780084490776062 + ], + [ + 0.992570161819458 + ], + [ + 0.9869006872177124 + ], + [ + 0.9564433097839355 + ], + [ + 0.9795003533363342 + ], + [ + 0.9989544153213501 + ], + [ + 0.9801754951477051 + ], + [ + 0.995251476764679 + ], + [ + 0.9819392561912537 + ], + [ + 0.9878218770027161 + ], + [ + 0.9783255457878113 + ], + [ + 0.999534547328949 + ], + [ + 0.9861119389533997 + ], + [ + 0.9654863476753235 + ], + [ + 0.9998683929443359 + ], + [ + 0.9913340210914612 + ], + [ + 0.9991106390953064 + ], + [ + 0.9916864633560181 + ], + [ + 0.9983119368553162 + ], + [ + 0.9754260182380676 + ], + [ + 0.9982365369796753 + ], + [ + 0.9985356330871582 + ], + [ + 0.9866330623626709 + ], + [ + 0.9662703275680542 + ], + [ + 0.9823802709579468 + ], + [ + 0.9748610258102417 + ], + [ + 0.9987218379974365 + ], + [ + 0.987769603729248 + ] + ], + "output_low": [ + [ + -0.9965215921401978 + ], + [ + -0.9667642712593079 + ], + [ + -0.9970813989639282 + ], + [ + -0.9790157079696655 + ], + [ + -0.9729253053665161 + ], + [ + -0.9842010140419006 + ], + [ + -0.994486391544342 + ], + [ + -0.9925340414047241 + ], + [ + -0.9902921915054321 + ], + [ + -0.998791515827179 + ], + [ + -0.9897582530975342 + ], + [ + -0.9915051460266113 + ], + [ + -0.9986451864242554 + ], + [ + -0.992239236831665 + ], + [ + -0.9963834285736084 + ], + [ + -0.9966105818748474 + ], + [ + -0.9975471496582031 + ], + [ + -0.9942125678062439 + ], + [ + -0.9969807863235474 + ], + [ + -0.9815940260887146 + ], + [ + -0.9824799299240112 + ], + [ + -0.9857101440429688 + ], + [ + -0.9466978907585144 + ], + [ + -0.9763142466545105 + ], + [ + -0.9815077781677246 + ], + [ + -0.9992015957832336 + ], + [ + -0.9958590269088745 + ], + [ + -0.994219958782196 + ], + [ + -0.9854848384857178 + ], + [ + -0.9433828592300415 + ], + [ + -0.9874377250671387 + ], + [ + -0.9638236165046692 + ], + [ + -0.993701159954071 + ], + [ + -0.9867001175880432 + ], + [ + -0.9879632592201233 + ], + [ + -0.9920366406440735 + ], + [ + -0.9985228180885315 + ], + [ + -0.9999561309814453 + ], + [ + -0.971184253692627 + ], + [ + -0.9829646348953247 + ], + [ + -0.9991790056228638 + ], + [ + -0.9927377104759216 + ], + [ + -0.9935421347618103 + ], + [ + -0.9919619560241699 + ], + [ + -0.9491509199142456 + ], + [ + -0.9767999649047852 + ], + [ + -0.9997765421867371 + ], + [ + -0.9904158115386963 + ], + [ + -0.9733511805534363 + ], + [ + -0.9895845055580139 + ], + [ + -0.9666234254837036 + ], + [ + -0.9970883131027222 + ], + [ + -0.9984264373779297 + ], + [ + -0.9788975119590759 + ], + [ + -0.9785648584365845 + ], + [ + -0.9736199975013733 + ], + [ + -0.9425509572029114 + ], + [ + -0.9823529124259949 + ], + [ + -0.9886667132377625 + ], + [ + -0.9851393699645996 + ], + [ + -0.9725267291069031 + ], + [ + -0.953076958656311 + ], + [ + -0.9942945241928101 + ], + [ + -0.9937012195587158 + ], + [ + -0.994581937789917 + ], + [ + -0.9986890554428101 + ], + [ + -0.9979872703552246 + ], + [ + -0.9895309209823608 + ], + [ + -0.9751254916191101 + ], + [ + -0.9939358234405518 + ], + [ + -0.9740241169929504 + ], + [ + -0.9713121652603149 + ], + [ + -0.9805923104286194 + ], + [ + -0.9963231086730957 + ], + [ + -0.9792383313179016 + ], + [ + -0.9791774153709412 + ], + [ + -0.9910611510276794 + ], + [ + -0.9978975653648376 + ], + [ + -0.96517014503479 + ], + [ + -0.9910309910774231 + ], + [ + -0.9689407348632812 + ], + [ + -0.9991772174835205 + ], + [ + -0.9814849495887756 + ], + [ + -0.9868127107620239 + ], + [ + -0.9858996272087097 + ], + [ + -0.9998777508735657 + ], + [ + -0.9944142699241638 + ], + [ + -0.9993980526924133 + ], + [ + -0.9714465141296387 + ], + [ + -0.9895434975624084 + ], + [ + -0.9411516785621643 + ], + [ + -0.9873178005218506 + ], + [ + -0.9997856020927429 + ], + [ + -0.9871017932891846 + ], + [ + -0.9745408892631531 + ], + [ + -0.9944347143173218 + ], + [ + -0.9969112277030945 + ], + [ + -0.9977160692214966 + ], + [ + -0.9937180876731873 + ], + [ + -0.9472196698188782 + ], + [ + -0.9780084490776062 + ], + [ + -0.992570161819458 + ], + [ + -0.9869006872177124 + ], + [ + -0.9564433097839355 + ], + [ + -0.9795003533363342 + ], + [ + -0.9989544153213501 + ], + [ + -0.9801754951477051 + ], + [ + -0.995251476764679 + ], + [ + -0.9819392561912537 + ], + [ + -0.9878218770027161 + ], + [ + -0.9783255457878113 + ], + [ + -0.999534547328949 + ], + [ + -0.9861119389533997 + ], + [ + -0.9654863476753235 + ], + [ + -0.9998683929443359 + ], + [ + -0.9913340210914612 + ], + [ + -0.9991106390953064 + ], + [ + -0.9916864633560181 + ], + [ + -0.9983119368553162 + ], + [ + -0.9754260182380676 + ], + [ + -0.9982365369796753 + ], + [ + -0.9985356330871582 + ], + [ + -0.9866330623626709 + ], + [ + -0.9662703275680542 + ], + [ + -0.9823802709579468 + ], + [ + -0.9748610258102417 + ], + [ + -0.9987218379974365 + ], + [ + -0.987769603729248 + ] + ], + "output_high": [ + [ + 0.9965215921401978 + ], + [ + 0.9667642712593079 + ], + [ + 0.9970813989639282 + ], + [ + 0.9790157079696655 + ], + [ + 0.9729253053665161 + ], + [ + 0.9842010140419006 + ], + [ + 0.994486391544342 + ], + [ + 0.9925340414047241 + ], + [ + 0.9902921915054321 + ], + [ + 0.998791515827179 + ], + [ + 0.9897582530975342 + ], + [ + 0.9915051460266113 + ], + [ + 0.9986451864242554 + ], + [ + 0.992239236831665 + ], + [ + 0.9963834285736084 + ], + [ + 0.9966105818748474 + ], + [ + 0.9975471496582031 + ], + [ + 0.9942125678062439 + ], + [ + 0.9969807863235474 + ], + [ + 0.9815940260887146 + ], + [ + 0.9824799299240112 + ], + [ + 0.9857101440429688 + ], + [ + 0.9466978907585144 + ], + [ + 0.9763142466545105 + ], + [ + 0.9815077781677246 + ], + [ + 0.9992015957832336 + ], + [ + 0.9958590269088745 + ], + [ + 0.994219958782196 + ], + [ + 0.9854848384857178 + ], + [ + 0.9433828592300415 + ], + [ + 0.9874377250671387 + ], + [ + 0.9638236165046692 + ], + [ + 0.993701159954071 + ], + [ + 0.9867001175880432 + ], + [ + 0.9879632592201233 + ], + [ + 0.9920366406440735 + ], + [ + 0.9985228180885315 + ], + [ + 0.9999561309814453 + ], + [ + 0.971184253692627 + ], + [ + 0.9829646348953247 + ], + [ + 0.9991790056228638 + ], + [ + 0.9927377104759216 + ], + [ + 0.9935421347618103 + ], + [ + 0.9919619560241699 + ], + [ + 0.9491509199142456 + ], + [ + 0.9767999649047852 + ], + [ + 0.9997765421867371 + ], + [ + 0.9904158115386963 + ], + [ + 0.9733511805534363 + ], + [ + 0.9895845055580139 + ], + [ + 0.9666234254837036 + ], + [ + 0.9970883131027222 + ], + [ + 0.9984264373779297 + ], + [ + 0.9788975119590759 + ], + [ + 0.9785648584365845 + ], + [ + 0.9736199975013733 + ], + [ + 0.9425509572029114 + ], + [ + 0.9823529124259949 + ], + [ + 0.9886667132377625 + ], + [ + 0.9851393699645996 + ], + [ + 0.9725267291069031 + ], + [ + 0.953076958656311 + ], + [ + 0.9942945241928101 + ], + [ + 0.9937012195587158 + ], + [ + 0.994581937789917 + ], + [ + 0.9986890554428101 + ], + [ + 0.9979872703552246 + ], + [ + 0.9895309209823608 + ], + [ + 0.9751254916191101 + ], + [ + 0.9939358234405518 + ], + [ + 0.9740241169929504 + ], + [ + 0.9713121652603149 + ], + [ + 0.9805923104286194 + ], + [ + 0.9963231086730957 + ], + [ + 0.9792383313179016 + ], + [ + 0.9791774153709412 + ], + [ + 0.9910611510276794 + ], + [ + 0.9978975653648376 + ], + [ + 0.96517014503479 + ], + [ + 0.9910309910774231 + ], + [ + 0.9689407348632812 + ], + [ + 0.9991772174835205 + ], + [ + 0.9814849495887756 + ], + [ + 0.9868127107620239 + ], + [ + 0.9858996272087097 + ], + [ + 0.9998777508735657 + ], + [ + 0.9944142699241638 + ], + [ + 0.9993980526924133 + ], + [ + 0.9714465141296387 + ], + [ + 0.9895434975624084 + ], + [ + 0.9411516785621643 + ], + [ + 0.9873178005218506 + ], + [ + 0.9997856020927429 + ], + [ + 0.9871017932891846 + ], + [ + 0.9745408892631531 + ], + [ + 0.9944347143173218 + ], + [ + 0.9969112277030945 + ], + [ + 0.9977160692214966 + ], + [ + 0.9937180876731873 + ], + [ + 0.9472196698188782 + ], + [ + 0.9780084490776062 + ], + [ + 0.992570161819458 + ], + [ + 0.9869006872177124 + ], + [ + 0.9564433097839355 + ], + [ + 0.9795003533363342 + ], + [ + 0.9989544153213501 + ], + [ + 0.9801754951477051 + ], + [ + 0.995251476764679 + ], + [ + 0.9819392561912537 + ], + [ + 0.9878218770027161 + ], + [ + 0.9783255457878113 + ], + [ + 0.999534547328949 + ], + [ + 0.9861119389533997 + ], + [ + 0.9654863476753235 + ], + [ + 0.9998683929443359 + ], + [ + 0.9913340210914612 + ], + [ + 0.9991106390953064 + ], + [ + 0.9916864633560181 + ], + [ + 0.9983119368553162 + ], + [ + 0.9754260182380676 + ], + [ + 0.9982365369796753 + ], + [ + 0.9985356330871582 + ], + [ + 0.9866330623626709 + ], + [ + 0.9662703275680542 + ], + [ + 0.9823802709579468 + ], + [ + 0.9748610258102417 + ], + [ + 0.9987218379974365 + ], + [ + 0.987769603729248 + ] + ] + }, + "MatMul_3/fq_input_0": { + "input_low": 0.0, + "input_high": 0.9638857245445251, + "output_low": 0.0, + "output_high": 0.9638857245445251 + } +} \ No newline at end of file diff --git a/tests/openvino/native/data/2024.3/reference_scales/LSTMSequenceModel_mixed.json b/tests/openvino/native/data/2024.3/reference_scales/LSTMSequenceModel_mixed.json new file mode 100644 index 00000000000..38d25338b10 --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_scales/LSTMSequenceModel_mixed.json @@ -0,0 +1,12396 @@ +{ + "MatMul/fq_weights_1": { + "input_low": [ + [ + [ + [ + -0.9949173331260681, + -0.992023229598999, + -0.997209906578064 + ] + ] + ] + ], + "input_high": [ + [ + [ + [ + 0.9949173331260681, + 0.992023229598999, + 0.997209906578064 + ] + ] + ] + ], + "output_low": [ + [ + [ + [ + -0.9949173331260681, + -0.992023229598999, + -0.997209906578064 + ] + ] + ] + ], + "output_high": [ + [ + [ + [ + 0.9949173331260681, + 0.992023229598999, + 0.997209906578064 + ] + ] + ] + ] + }, + "LSTMSequence/fq_output_1": { + "input_low": 0.0, + "input_high": 0.12186191976070404, + "output_low": 0.0, + "output_high": 0.12186191976070404 + }, + "LSTMSequence/fq_weights_5": { + "input_low": [ + [ + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ] + ] + ], + "input_high": [ + [ + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ] + ] + ], + "output_low": [ + [ + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ] + ] + ], + "output_high": [ + [ + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ] + ] + ] + }, + "LSTMSequence/fq_weights_4": { + "input_low": [ + [ + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ] + ] + ], + "input_high": [ + [ + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ] + ] + ], + "output_low": [ + [ + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ] + ] + ], + "output_high": [ + [ + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ] + ] + ] + }, + "initial_cell_state/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9949173331260681, + "output_low": 0.0, + "output_high": 0.9949173331260681 + }, + "initial_hidden_state/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9950965046882629, + "output_low": 0.0, + "output_high": 0.9950965046882629 + }, + "X/fq_output_0": { + "input_low": 0.0, + "input_high": 0.997209906578064, + "output_low": 0.0, + "output_high": 0.997209906578064 + } +} \ No newline at end of file diff --git a/tests/openvino/native/data/2024.3/reference_scales/LSTMSequenceModel_performance.json b/tests/openvino/native/data/2024.3/reference_scales/LSTMSequenceModel_performance.json new file mode 100644 index 00000000000..38d25338b10 --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_scales/LSTMSequenceModel_performance.json @@ -0,0 +1,12396 @@ +{ + "MatMul/fq_weights_1": { + "input_low": [ + [ + [ + [ + -0.9949173331260681, + -0.992023229598999, + -0.997209906578064 + ] + ] + ] + ], + "input_high": [ + [ + [ + [ + 0.9949173331260681, + 0.992023229598999, + 0.997209906578064 + ] + ] + ] + ], + "output_low": [ + [ + [ + [ + -0.9949173331260681, + -0.992023229598999, + -0.997209906578064 + ] + ] + ] + ], + "output_high": [ + [ + [ + [ + 0.9949173331260681, + 0.992023229598999, + 0.997209906578064 + ] + ] + ] + ] + }, + "LSTMSequence/fq_output_1": { + "input_low": 0.0, + "input_high": 0.12186191976070404, + "output_low": 0.0, + "output_high": 0.12186191976070404 + }, + "LSTMSequence/fq_weights_5": { + "input_low": [ + [ + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ] + ] + ], + "input_high": [ + [ + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ] + ] + ], + "output_low": [ + [ + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ] + ] + ], + "output_high": [ + [ + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ] + ] + ] + }, + "LSTMSequence/fq_weights_4": { + "input_low": [ + [ + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ] + ] + ], + "input_high": [ + [ + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ] + ] + ], + "output_low": [ + [ + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ], + [ + -7.999999797903001e-05 + ] + ] + ], + "output_high": [ + [ + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ], + [ + 7.999999797903001e-05 + ] + ] + ] + }, + "initial_cell_state/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9949173331260681, + "output_low": 0.0, + "output_high": 0.9949173331260681 + }, + "initial_hidden_state/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9950965046882629, + "output_low": 0.0, + "output_high": 0.9950965046882629 + }, + "X/fq_output_0": { + "input_low": 0.0, + "input_high": 0.997209906578064, + "output_low": 0.0, + "output_high": 0.997209906578064 + } +} \ No newline at end of file diff --git a/tests/openvino/native/data/2024.3/reference_scales/ScaleShiftReluModel_mixed.json b/tests/openvino/native/data/2024.3/reference_scales/ScaleShiftReluModel_mixed.json new file mode 100644 index 00000000000..60ba3af5eab --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_scales/ScaleShiftReluModel_mixed.json @@ -0,0 +1,74 @@ +{ + "MatMul2/fq_weights_1": { + "input_low": [ + [ + -0.7296554446220398, + -0.42268723249435425, + -0.8631789088249207, + -0.5414612293243408 + ] + ], + "input_high": [ + [ + 0.7296554446220398, + 0.42268723249435425, + 0.8631789088249207, + 0.5414612293243408 + ] + ], + "output_low": [ + [ + -0.7296554446220398, + -0.42268723249435425, + -0.8631789088249207, + -0.5414612293243408 + ] + ], + "output_high": [ + [ + 0.7296554446220398, + 0.42268723249435425, + 0.8631789088249207, + 0.5414612293243408 + ] + ] + }, + "Relu/fq_output_0": { + "input_low": 0.0, + "input_high": 2.5198161602020264, + "output_low": 0.0, + "output_high": 2.5198161602020264 + }, + "MatMul/fq_weights_1": { + "input_low": [ + [ + -0.8132702112197876, + -0.9350724220275879 + ] + ], + "input_high": [ + [ + 0.8132702112197876, + 0.9350724220275879 + ] + ], + "output_low": [ + [ + -0.8132702112197876, + -0.9350724220275879 + ] + ], + "output_high": [ + [ + 0.8132702112197876, + 0.9350724220275879 + ] + ] + }, + "Input/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9350724220275879, + "output_low": 0.0, + "output_high": 0.9350724220275879 + } +} \ No newline at end of file diff --git a/tests/openvino/native/data/2024.3/reference_scales/ScaleShiftReluModel_performance.json b/tests/openvino/native/data/2024.3/reference_scales/ScaleShiftReluModel_performance.json new file mode 100644 index 00000000000..60ba3af5eab --- /dev/null +++ b/tests/openvino/native/data/2024.3/reference_scales/ScaleShiftReluModel_performance.json @@ -0,0 +1,74 @@ +{ + "MatMul2/fq_weights_1": { + "input_low": [ + [ + -0.7296554446220398, + -0.42268723249435425, + -0.8631789088249207, + -0.5414612293243408 + ] + ], + "input_high": [ + [ + 0.7296554446220398, + 0.42268723249435425, + 0.8631789088249207, + 0.5414612293243408 + ] + ], + "output_low": [ + [ + -0.7296554446220398, + -0.42268723249435425, + -0.8631789088249207, + -0.5414612293243408 + ] + ], + "output_high": [ + [ + 0.7296554446220398, + 0.42268723249435425, + 0.8631789088249207, + 0.5414612293243408 + ] + ] + }, + "Relu/fq_output_0": { + "input_low": 0.0, + "input_high": 2.5198161602020264, + "output_low": 0.0, + "output_high": 2.5198161602020264 + }, + "MatMul/fq_weights_1": { + "input_low": [ + [ + -0.8132702112197876, + -0.9350724220275879 + ] + ], + "input_high": [ + [ + 0.8132702112197876, + 0.9350724220275879 + ] + ], + "output_low": [ + [ + -0.8132702112197876, + -0.9350724220275879 + ] + ], + "output_high": [ + [ + 0.8132702112197876, + 0.9350724220275879 + ] + ] + }, + "Input/fq_output_0": { + "input_low": 0.0, + "input_high": 0.9350724220275879, + "output_low": 0.0, + "output_high": 0.9350724220275879 + } +} \ No newline at end of file diff --git a/tests/openvino/native/quantization/test_ptq_params.py b/tests/openvino/native/quantization/test_ptq_params.py index e0200ec07f1..92097c68b41 100644 --- a/tests/openvino/native/quantization/test_ptq_params.py +++ b/tests/openvino/native/quantization/test_ptq_params.py @@ -136,7 +136,7 @@ def test_params(self): @pytest.fixture( params=[ (IgnoredScope(), 1, 1), - (IgnoredScope(["MatMul"]), 1, 0), + (IgnoredScope(["MatMul"]), 0, 0), (IgnoredScope(["Add"]), 1, 1), (IgnoredScope(["MatMul", "Add"]), 0, 0), ] diff --git a/tests/tensorflow/quantization/test_unified_scales.py b/tests/tensorflow/quantization/test_unified_scales.py index ba27fd246a0..591a67975d4 100644 --- a/tests/tensorflow/quantization/test_unified_scales.py +++ b/tests/tensorflow/quantization/test_unified_scales.py @@ -73,8 +73,8 @@ def get_unet_like_test_model(input_shapes): CAT_UNIFIED_SCALE_TEST_STRUCTS = [ - (get_single_concat_test_model, 3, 4), - (get_double_concat_test_model, 3, 4), + (get_single_concat_test_model, 1, 2), + (get_double_concat_test_model, 1, 2), (get_unet_like_test_model, 4, 6), ] @@ -100,7 +100,6 @@ def test_unified_scales_with_concat(target_device, model_creator, ref_aq_module_ model = model_creator([x_shape, y_shape]) compressed_model, _ = create_compressed_model_and_algo_for_test(model, nncf_config, force_no_init=True) - non_weight_quantizers = len(collect_fake_quantize_layers(compressed_model)) assert non_weight_quantizers == ref_aq_module_count diff --git a/tests/torch/data/reference_graphs/quantized/asymmetric/inception_v3.dot b/tests/torch/data/reference_graphs/quantized/asymmetric/inception_v3.dot index 6500c205a23..7d941f0d9b5 100644 --- a/tests/torch/data/reference_graphs/quantized/asymmetric/inception_v3.dot +++ b/tests/torch/data/reference_graphs/quantized/asymmetric/inception_v3.dot @@ -4,1105 +4,1099 @@ strict digraph { "2 Inception3/__getitem___0" [id=2, type=__getitem__]; "3 Inception3/unsqueeze_0" [id=3, type=unsqueeze]; "4 Inception3/__mul___0" [id=4, type=__mul__]; -"5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__mul___0|OUTPUT]/asymmetric_quantize_0" [id=5, type=asymmetric_quantize]; -"6 Inception3/__add___0" [id=6, type=__add__]; -"7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_0" [id=7, type=asymmetric_quantize]; -"8 Inception3/__getitem___1" [id=8, type=__getitem__]; -"9 Inception3/unsqueeze_1" [id=9, type=unsqueeze]; -"10 Inception3/__mul___1" [id=10, type=__mul__]; -"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__mul___1|OUTPUT]/asymmetric_quantize_0" [id=11, type=asymmetric_quantize]; -"12 Inception3/__add___1" [id=12, type=__add__]; -"13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_1" [id=13, type=asymmetric_quantize]; -"14 Inception3/__getitem___2" [id=14, type=__getitem__]; -"15 Inception3/unsqueeze_2" [id=15, type=unsqueeze]; -"16 Inception3/__mul___2" [id=16, type=__mul__]; -"17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__mul___2|OUTPUT]/asymmetric_quantize_0" [id=17, type=asymmetric_quantize]; -"18 Inception3/__add___2" [id=18, type=__add__]; -"19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_2" [id=19, type=asymmetric_quantize]; -"20 Inception3/cat_0" [id=20, type=cat]; -"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=21, type=asymmetric_quantize]; -"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=22, type=conv2d]; -"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=23, type=batch_norm]; -"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" [id=24, type=relu_]; -"25 Inception3/BasicConv2d[Conv2d_1a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=25, type=asymmetric_quantize]; -"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=26, type=asymmetric_quantize]; -"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=27, type=conv2d]; -"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=28, type=batch_norm]; -"29 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" [id=29, type=relu_]; -"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=30, type=asymmetric_quantize]; -"31 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=31, type=asymmetric_quantize]; -"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" [id=32, type=conv2d]; -"33 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=33, type=batch_norm]; -"34 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" [id=34, type=relu_]; -"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=35, type=asymmetric_quantize]; -"36 Inception3/max_pool2d_0" [id=36, type=max_pool2d]; -"37 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=37, type=asymmetric_quantize]; -"38 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" [id=38, type=conv2d]; -"39 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=39, type=batch_norm]; -"40 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" [id=40, type=relu_]; -"41 Inception3/BasicConv2d[Conv2d_3b_1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=41, type=asymmetric_quantize]; -"42 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=42, type=asymmetric_quantize]; -"43 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=43, type=conv2d]; -"44 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=44, type=batch_norm]; -"45 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" [id=45, type=relu_]; -"46 Inception3/BasicConv2d[Conv2d_4a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=46, type=asymmetric_quantize]; -"47 Inception3/max_pool2d_1" [id=47, type=max_pool2d]; -"48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=48, type=asymmetric_quantize]; -"49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=49, type=conv2d]; -"50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=50, type=batch_norm]; -"51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" [id=51, type=relu_]; -"52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=52, type=asymmetric_quantize]; -"53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=53, type=asymmetric_quantize]; -"54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=54, type=conv2d]; -"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=55, type=batch_norm]; -"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" [id=56, type=relu_]; -"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=57, type=asymmetric_quantize]; -"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=58, type=asymmetric_quantize]; -"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=59, type=conv2d]; -"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=60, type=batch_norm]; -"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" [id=61, type=relu_]; -"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=62, type=asymmetric_quantize]; -"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=63, type=asymmetric_quantize]; -"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=64, type=conv2d]; -"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=65, type=batch_norm]; -"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=66, type=relu_]; -"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=67, type=asymmetric_quantize]; -"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=68, type=asymmetric_quantize]; -"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=69, type=conv2d]; -"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=70, type=batch_norm]; -"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=71, type=relu_]; -"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=72, type=asymmetric_quantize]; -"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=73, type=asymmetric_quantize]; -"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=74, type=conv2d]; -"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=75, type=batch_norm]; -"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=76, type=relu_]; -"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=77, type=asymmetric_quantize]; -"78 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" [id=78, type=avg_pool2d]; -"79 Inception3/InceptionA[Mixed_5b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=79, type=asymmetric_quantize]; -"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=80, type=asymmetric_quantize]; -"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=81, type=conv2d]; -"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=82, type=batch_norm]; -"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" [id=83, type=relu_]; -"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=84, type=asymmetric_quantize]; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" [id=85, type=cat]; -"86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=86, type=asymmetric_quantize]; -"87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=87, type=conv2d]; -"88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=88, type=batch_norm]; -"89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" [id=89, type=relu_]; -"90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=90, type=asymmetric_quantize]; -"91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=91, type=asymmetric_quantize]; -"92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=92, type=conv2d]; -"93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=93, type=batch_norm]; -"94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" [id=94, type=relu_]; -"95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=95, type=asymmetric_quantize]; -"96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=96, type=asymmetric_quantize]; -"97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=97, type=conv2d]; -"98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=98, type=batch_norm]; -"99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" [id=99, type=relu_]; -"100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=100, type=asymmetric_quantize]; -"101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=101, type=asymmetric_quantize]; -"102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=102, type=conv2d]; -"103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=103, type=batch_norm]; -"104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=104, type=relu_]; -"105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=105, type=asymmetric_quantize]; -"106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=106, type=asymmetric_quantize]; -"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=107, type=conv2d]; -"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=108, type=batch_norm]; -"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=109, type=relu_]; -"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=110, type=asymmetric_quantize]; -"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=111, type=asymmetric_quantize]; -"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=112, type=conv2d]; -"113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=113, type=batch_norm]; -"114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=114, type=relu_]; -"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=115, type=asymmetric_quantize]; -"116 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" [id=116, type=avg_pool2d]; -"117 Inception3/InceptionA[Mixed_5c]/AsymmetricQuantizer/asymmetric_quantize_0" [id=117, type=asymmetric_quantize]; -"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=118, type=asymmetric_quantize]; -"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=119, type=conv2d]; -"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=120, type=batch_norm]; -"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" [id=121, type=relu_]; -"122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=122, type=asymmetric_quantize]; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" [id=123, type=cat]; -"124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=124, type=asymmetric_quantize]; -"125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=125, type=conv2d]; -"126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=126, type=batch_norm]; -"127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" [id=127, type=relu_]; -"128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=128, type=asymmetric_quantize]; -"129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=129, type=asymmetric_quantize]; -"130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=130, type=conv2d]; -"131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=131, type=batch_norm]; -"132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" [id=132, type=relu_]; -"133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=133, type=asymmetric_quantize]; -"134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=134, type=asymmetric_quantize]; -"135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=135, type=conv2d]; -"136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=136, type=batch_norm]; -"137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" [id=137, type=relu_]; -"138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=138, type=asymmetric_quantize]; -"139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=139, type=asymmetric_quantize]; -"140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=140, type=conv2d]; -"141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=141, type=batch_norm]; -"142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=142, type=relu_]; -"143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=143, type=asymmetric_quantize]; -"144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=144, type=asymmetric_quantize]; -"145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=145, type=conv2d]; -"146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=146, type=batch_norm]; -"147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=147, type=relu_]; -"148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=148, type=asymmetric_quantize]; -"149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=149, type=asymmetric_quantize]; -"150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=150, type=conv2d]; -"151 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=151, type=batch_norm]; -"152 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=152, type=relu_]; -"153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=153, type=asymmetric_quantize]; -"154 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" [id=154, type=avg_pool2d]; -"155 Inception3/InceptionA[Mixed_5d]/AsymmetricQuantizer/asymmetric_quantize_0" [id=155, type=asymmetric_quantize]; -"156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=156, type=asymmetric_quantize]; -"157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=157, type=conv2d]; -"158 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=158, type=batch_norm]; -"159 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" [id=159, type=relu_]; -"160 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=160, type=asymmetric_quantize]; -"161 Inception3/InceptionA[Mixed_5d]/cat_0" [id=161, type=cat]; -"162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=162, type=asymmetric_quantize]; -"163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" [id=163, type=conv2d]; -"164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=164, type=batch_norm]; -"165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" [id=165, type=relu_]; -"166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=166, type=asymmetric_quantize]; -"167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=167, type=asymmetric_quantize]; -"168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=168, type=conv2d]; -"169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=169, type=batch_norm]; -"170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=170, type=relu_]; -"171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=171, type=asymmetric_quantize]; -"172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=172, type=asymmetric_quantize]; -"173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=173, type=conv2d]; -"174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=174, type=batch_norm]; -"175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=175, type=relu_]; -"176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=176, type=asymmetric_quantize]; -"177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=177, type=asymmetric_quantize]; -"178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=178, type=conv2d]; -"179 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=179, type=batch_norm]; -"180 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=180, type=relu_]; -"181 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=181, type=asymmetric_quantize]; -"182 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" [id=182, type=max_pool2d]; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" [id=183, type=cat]; -"184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=184, type=asymmetric_quantize]; -"185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=185, type=conv2d]; -"186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=186, type=batch_norm]; -"187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" [id=187, type=relu_]; -"188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=188, type=asymmetric_quantize]; -"189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=189, type=asymmetric_quantize]; -"190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=190, type=conv2d]; -"191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=191, type=batch_norm]; -"192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" [id=192, type=relu_]; -"193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=193, type=asymmetric_quantize]; -"194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=194, type=asymmetric_quantize]; -"195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=195, type=conv2d]; -"196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=196, type=batch_norm]; -"197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" [id=197, type=relu_]; -"198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=198, type=asymmetric_quantize]; -"199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=199, type=asymmetric_quantize]; -"200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=200, type=conv2d]; -"201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=201, type=batch_norm]; -"202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" [id=202, type=relu_]; -"203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=203, type=asymmetric_quantize]; -"204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=204, type=asymmetric_quantize]; -"205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=205, type=conv2d]; -"206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=206, type=batch_norm]; -"207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=207, type=relu_]; -"208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=208, type=asymmetric_quantize]; -"209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=209, type=asymmetric_quantize]; -"210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=210, type=conv2d]; -"211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=211, type=batch_norm]; -"212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=212, type=relu_]; -"213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=213, type=asymmetric_quantize]; -"214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=214, type=asymmetric_quantize]; -"215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=215, type=conv2d]; -"216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=216, type=batch_norm]; -"217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=217, type=relu_]; -"218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=218, type=asymmetric_quantize]; -"219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=219, type=asymmetric_quantize]; -"220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=220, type=conv2d]; -"221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=221, type=batch_norm]; -"222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=222, type=relu_]; -"223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=223, type=asymmetric_quantize]; -"224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=224, type=asymmetric_quantize]; -"225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=225, type=conv2d]; -"226 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=226, type=batch_norm]; -"227 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=227, type=relu_]; -"228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" [id=228, type=asymmetric_quantize]; -"229 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" [id=229, type=avg_pool2d]; -"230 Inception3/InceptionC[Mixed_6b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=230, type=asymmetric_quantize]; -"231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=231, type=asymmetric_quantize]; -"232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=232, type=conv2d]; -"233 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=233, type=batch_norm]; -"234 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" [id=234, type=relu_]; -"235 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=235, type=asymmetric_quantize]; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" [id=236, type=cat]; -"237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=237, type=asymmetric_quantize]; -"238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=238, type=conv2d]; -"239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=239, type=batch_norm]; -"240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" [id=240, type=relu_]; -"241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=241, type=asymmetric_quantize]; -"242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=242, type=asymmetric_quantize]; -"243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=243, type=conv2d]; -"244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=244, type=batch_norm]; -"245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" [id=245, type=relu_]; -"246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=246, type=asymmetric_quantize]; -"247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=247, type=asymmetric_quantize]; -"248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=248, type=conv2d]; -"249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=249, type=batch_norm]; -"250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" [id=250, type=relu_]; -"251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=251, type=asymmetric_quantize]; -"252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=252, type=asymmetric_quantize]; -"253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=253, type=conv2d]; -"254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=254, type=batch_norm]; -"255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" [id=255, type=relu_]; -"256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=256, type=asymmetric_quantize]; -"257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=257, type=asymmetric_quantize]; -"258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=258, type=conv2d]; -"259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=259, type=batch_norm]; -"260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=260, type=relu_]; -"261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=261, type=asymmetric_quantize]; -"262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=262, type=asymmetric_quantize]; -"263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=263, type=conv2d]; -"264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=264, type=batch_norm]; -"265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=265, type=relu_]; -"266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=266, type=asymmetric_quantize]; -"267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=267, type=asymmetric_quantize]; -"268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=268, type=conv2d]; -"269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=269, type=batch_norm]; -"270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=270, type=relu_]; -"271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=271, type=asymmetric_quantize]; -"272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=272, type=asymmetric_quantize]; -"273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=273, type=conv2d]; -"274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=274, type=batch_norm]; -"275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=275, type=relu_]; -"276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=276, type=asymmetric_quantize]; -"277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=277, type=asymmetric_quantize]; -"278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=278, type=conv2d]; -"279 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=279, type=batch_norm]; -"280 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=280, type=relu_]; -"281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" [id=281, type=asymmetric_quantize]; -"282 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" [id=282, type=avg_pool2d]; -"283 Inception3/InceptionC[Mixed_6c]/AsymmetricQuantizer/asymmetric_quantize_0" [id=283, type=asymmetric_quantize]; -"284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=284, type=asymmetric_quantize]; -"285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=285, type=conv2d]; -"286 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=286, type=batch_norm]; -"287 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" [id=287, type=relu_]; -"288 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=288, type=asymmetric_quantize]; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" [id=289, type=cat]; -"290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=290, type=asymmetric_quantize]; -"291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=291, type=conv2d]; -"292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=292, type=batch_norm]; -"293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" [id=293, type=relu_]; -"294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=294, type=asymmetric_quantize]; -"295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=295, type=asymmetric_quantize]; -"296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=296, type=conv2d]; -"297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=297, type=batch_norm]; -"298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" [id=298, type=relu_]; -"299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=299, type=asymmetric_quantize]; -"300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=300, type=asymmetric_quantize]; -"301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=301, type=conv2d]; -"302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=302, type=batch_norm]; -"303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" [id=303, type=relu_]; -"304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=304, type=asymmetric_quantize]; -"305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=305, type=asymmetric_quantize]; -"306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=306, type=conv2d]; -"307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=307, type=batch_norm]; -"308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" [id=308, type=relu_]; -"309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=309, type=asymmetric_quantize]; -"310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=310, type=asymmetric_quantize]; -"311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=311, type=conv2d]; -"312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=312, type=batch_norm]; -"313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=313, type=relu_]; -"314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=314, type=asymmetric_quantize]; -"315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=315, type=asymmetric_quantize]; -"316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=316, type=conv2d]; -"317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=317, type=batch_norm]; -"318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=318, type=relu_]; -"319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=319, type=asymmetric_quantize]; -"320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=320, type=asymmetric_quantize]; -"321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=321, type=conv2d]; -"322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=322, type=batch_norm]; -"323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=323, type=relu_]; -"324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=324, type=asymmetric_quantize]; -"325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=325, type=asymmetric_quantize]; -"326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=326, type=conv2d]; -"327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=327, type=batch_norm]; -"328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=328, type=relu_]; -"329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=329, type=asymmetric_quantize]; -"330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=330, type=asymmetric_quantize]; -"331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=331, type=conv2d]; -"332 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=332, type=batch_norm]; -"333 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=333, type=relu_]; -"334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" [id=334, type=asymmetric_quantize]; -"335 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" [id=335, type=avg_pool2d]; -"336 Inception3/InceptionC[Mixed_6d]/AsymmetricQuantizer/asymmetric_quantize_0" [id=336, type=asymmetric_quantize]; -"337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=337, type=asymmetric_quantize]; -"338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=338, type=conv2d]; -"339 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=339, type=batch_norm]; -"340 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" [id=340, type=relu_]; -"341 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=341, type=asymmetric_quantize]; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" [id=342, type=cat]; -"343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=343, type=asymmetric_quantize]; -"344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=344, type=conv2d]; -"345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=345, type=batch_norm]; -"346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" [id=346, type=relu_]; -"347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=347, type=asymmetric_quantize]; -"348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=348, type=asymmetric_quantize]; -"349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=349, type=conv2d]; -"350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=350, type=batch_norm]; -"351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" [id=351, type=relu_]; -"352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=352, type=asymmetric_quantize]; -"353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=353, type=asymmetric_quantize]; -"354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=354, type=conv2d]; -"355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=355, type=batch_norm]; -"356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" [id=356, type=relu_]; -"357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=357, type=asymmetric_quantize]; -"358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=358, type=asymmetric_quantize]; -"359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=359, type=conv2d]; -"360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=360, type=batch_norm]; -"361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" [id=361, type=relu_]; -"362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=362, type=asymmetric_quantize]; -"363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=363, type=asymmetric_quantize]; -"364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=364, type=conv2d]; -"365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=365, type=batch_norm]; -"366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=366, type=relu_]; -"367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=367, type=asymmetric_quantize]; -"368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=368, type=asymmetric_quantize]; -"369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=369, type=conv2d]; -"370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=370, type=batch_norm]; -"371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=371, type=relu_]; -"372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=372, type=asymmetric_quantize]; -"373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=373, type=asymmetric_quantize]; -"374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=374, type=conv2d]; -"375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=375, type=batch_norm]; -"376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=376, type=relu_]; -"377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=377, type=asymmetric_quantize]; -"378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=378, type=asymmetric_quantize]; -"379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=379, type=conv2d]; -"380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=380, type=batch_norm]; -"381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=381, type=relu_]; -"382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=382, type=asymmetric_quantize]; -"383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=383, type=asymmetric_quantize]; -"384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=384, type=conv2d]; -"385 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=385, type=batch_norm]; -"386 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=386, type=relu_]; -"387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" [id=387, type=asymmetric_quantize]; -"388 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" [id=388, type=avg_pool2d]; -"389 Inception3/InceptionC[Mixed_6e]/AsymmetricQuantizer/asymmetric_quantize_0" [id=389, type=asymmetric_quantize]; -"390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=390, type=asymmetric_quantize]; -"391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=391, type=conv2d]; -"392 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=392, type=batch_norm]; -"393 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" [id=393, type=relu_]; -"394 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=394, type=asymmetric_quantize]; -"395 Inception3/InceptionC[Mixed_6e]/cat_0" [id=395, type=cat]; -"396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=396, type=asymmetric_quantize]; -"397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=397, type=conv2d]; -"398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=398, type=batch_norm]; -"399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" [id=399, type=relu_]; -"400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=400, type=asymmetric_quantize]; -"401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=401, type=asymmetric_quantize]; -"402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" [id=402, type=conv2d]; -"403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=403, type=batch_norm]; -"404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" [id=404, type=relu_]; -"405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=405, type=asymmetric_quantize]; -"406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=406, type=asymmetric_quantize]; -"407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" [id=407, type=conv2d]; -"408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=408, type=batch_norm]; -"409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" [id=409, type=relu_]; -"410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=410, type=asymmetric_quantize]; -"411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=411, type=asymmetric_quantize]; -"412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" [id=412, type=conv2d]; -"413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=413, type=batch_norm]; -"414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" [id=414, type=relu_]; -"415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=415, type=asymmetric_quantize]; -"416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=416, type=asymmetric_quantize]; -"417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" [id=417, type=conv2d]; -"418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=418, type=batch_norm]; -"419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" [id=419, type=relu_]; -"420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=420, type=asymmetric_quantize]; -"421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=421, type=asymmetric_quantize]; -"422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" [id=422, type=conv2d]; -"423 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=423, type=batch_norm]; -"424 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" [id=424, type=relu_]; -"425 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=425, type=asymmetric_quantize]; -"426 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" [id=426, type=max_pool2d]; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" [id=427, type=cat]; -"428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=428, type=asymmetric_quantize]; -"429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=429, type=conv2d]; -"430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=430, type=batch_norm]; -"431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" [id=431, type=relu_]; -"432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=432, type=asymmetric_quantize]; -"433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=433, type=asymmetric_quantize]; -"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=434, type=conv2d]; -"435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=435, type=batch_norm]; -"436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" [id=436, type=relu_]; -"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=437, type=asymmetric_quantize]; -"438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=438, type=asymmetric_quantize]; -"439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=439, type=conv2d]; -"440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=440, type=batch_norm]; -"441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" [id=441, type=relu_]; -"442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0" [id=442, type=asymmetric_quantize]; -"443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=443, type=asymmetric_quantize]; -"444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=444, type=conv2d]; -"445 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=445, type=batch_norm]; -"446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" [id=446, type=relu_]; -"447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=447, type=asymmetric_quantize]; -"448 Inception3/InceptionE[Mixed_7b]/cat_0" [id=448, type=cat]; -"449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=449, type=asymmetric_quantize]; -"450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=450, type=conv2d]; -"451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=451, type=batch_norm]; -"452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=452, type=relu_]; -"453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=453, type=asymmetric_quantize]; -"454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=454, type=asymmetric_quantize]; -"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=455, type=conv2d]; -"456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=456, type=batch_norm]; -"457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=457, type=relu_]; -"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=458, type=asymmetric_quantize]; -"459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=459, type=asymmetric_quantize]; -"460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=460, type=conv2d]; -"461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=461, type=batch_norm]; -"462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=462, type=relu_]; -"463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0" [id=463, type=asymmetric_quantize]; -"464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=464, type=asymmetric_quantize]; -"465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=465, type=conv2d]; -"466 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=466, type=batch_norm]; -"467 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=467, type=relu_]; -"468 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=468, type=asymmetric_quantize]; -"469 Inception3/InceptionE[Mixed_7b]/cat_1" [id=469, type=cat]; -"470 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" [id=470, type=avg_pool2d]; -"471 Inception3/InceptionE[Mixed_7b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=471, type=asymmetric_quantize]; -"472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=472, type=asymmetric_quantize]; -"473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=473, type=conv2d]; -"474 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=474, type=batch_norm]; -"475 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" [id=475, type=relu_]; -"476 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=476, type=asymmetric_quantize]; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" [id=477, type=cat]; -"478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=478, type=asymmetric_quantize]; -"479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=479, type=conv2d]; -"480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=480, type=batch_norm]; -"481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" [id=481, type=relu_]; -"482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=482, type=asymmetric_quantize]; -"483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=483, type=asymmetric_quantize]; -"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=484, type=conv2d]; -"485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=485, type=batch_norm]; -"486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" [id=486, type=relu_]; -"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=487, type=asymmetric_quantize]; -"488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=488, type=asymmetric_quantize]; -"489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=489, type=conv2d]; -"490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=490, type=batch_norm]; -"491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" [id=491, type=relu_]; -"492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0" [id=492, type=asymmetric_quantize]; -"493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=493, type=asymmetric_quantize]; -"494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=494, type=conv2d]; -"495 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=495, type=batch_norm]; -"496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" [id=496, type=relu_]; -"497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=497, type=asymmetric_quantize]; -"498 Inception3/InceptionE[Mixed_7c]/cat_0" [id=498, type=cat]; -"499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=499, type=asymmetric_quantize]; -"500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=500, type=conv2d]; -"501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=501, type=batch_norm]; -"502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=502, type=relu_]; -"503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=503, type=asymmetric_quantize]; -"504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=504, type=asymmetric_quantize]; -"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=505, type=conv2d]; -"506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=506, type=batch_norm]; -"507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=507, type=relu_]; -"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=508, type=asymmetric_quantize]; -"509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=509, type=asymmetric_quantize]; -"510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=510, type=conv2d]; -"511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=511, type=batch_norm]; -"512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=512, type=relu_]; -"513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0" [id=513, type=asymmetric_quantize]; -"514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=514, type=asymmetric_quantize]; -"515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=515, type=conv2d]; -"516 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=516, type=batch_norm]; -"517 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=517, type=relu_]; -"518 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=518, type=asymmetric_quantize]; -"519 Inception3/InceptionE[Mixed_7c]/cat_1" [id=519, type=cat]; -"520 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" [id=520, type=avg_pool2d]; -"521 Inception3/InceptionE[Mixed_7c]/AsymmetricQuantizer/asymmetric_quantize_0" [id=521, type=asymmetric_quantize]; -"522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=522, type=asymmetric_quantize]; -"523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=523, type=conv2d]; -"524 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=524, type=batch_norm]; -"525 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" [id=525, type=relu_]; -"526 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=526, type=asymmetric_quantize]; -"527 Inception3/InceptionE[Mixed_7c]/cat_2" [id=527, type=cat]; -"528 Inception3/adaptive_avg_pool2d_0" [id=528, type=adaptive_avg_pool2d]; -"529 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/asymmetric_quantize_0" [id=529, type=asymmetric_quantize]; -"530 Inception3/dropout_0" [id=530, type=dropout]; -"531 Inception3/view_0" [id=531, type=view]; -"532 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=532, type=asymmetric_quantize]; -"533 Inception3/NNCFLinear[fc]/linear_0" [id=533, type=linear]; -"534 /nncf_model_output_0" [id=534, type=nncf_model_output]; +"5 Inception3/__add___0" [id=5, type=__add__]; +"6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_0" [id=6, type=asymmetric_quantize]; +"7 Inception3/__getitem___1" [id=7, type=__getitem__]; +"8 Inception3/unsqueeze_1" [id=8, type=unsqueeze]; +"9 Inception3/__mul___1" [id=9, type=__mul__]; +"10 Inception3/__add___1" [id=10, type=__add__]; +"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_1" [id=11, type=asymmetric_quantize]; +"12 Inception3/__getitem___2" [id=12, type=__getitem__]; +"13 Inception3/unsqueeze_2" [id=13, type=unsqueeze]; +"14 Inception3/__mul___2" [id=14, type=__mul__]; +"15 Inception3/__add___2" [id=15, type=__add__]; +"16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_2" [id=16, type=asymmetric_quantize]; +"17 Inception3/cat_0" [id=17, type=cat]; +"18 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=18, type=asymmetric_quantize]; +"19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=19, type=conv2d]; +"20 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=20, type=batch_norm]; +"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" [id=21, type=relu_]; +"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=22, type=asymmetric_quantize]; +"23 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=23, type=asymmetric_quantize]; +"24 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=24, type=conv2d]; +"25 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=25, type=batch_norm]; +"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" [id=26, type=relu_]; +"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=27, type=asymmetric_quantize]; +"28 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=28, type=asymmetric_quantize]; +"29 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" [id=29, type=conv2d]; +"30 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=30, type=batch_norm]; +"31 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" [id=31, type=relu_]; +"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=32, type=asymmetric_quantize]; +"33 Inception3/max_pool2d_0" [id=33, type=max_pool2d]; +"34 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=34, type=asymmetric_quantize]; +"35 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" [id=35, type=conv2d]; +"36 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=36, type=batch_norm]; +"37 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" [id=37, type=relu_]; +"38 Inception3/BasicConv2d[Conv2d_3b_1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=38, type=asymmetric_quantize]; +"39 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=39, type=asymmetric_quantize]; +"40 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=40, type=conv2d]; +"41 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=41, type=batch_norm]; +"42 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" [id=42, type=relu_]; +"43 Inception3/BasicConv2d[Conv2d_4a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=43, type=asymmetric_quantize]; +"44 Inception3/max_pool2d_1" [id=44, type=max_pool2d]; +"45 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=45, type=asymmetric_quantize]; +"46 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=46, type=conv2d]; +"47 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=47, type=batch_norm]; +"48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" [id=48, type=relu_]; +"49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=49, type=asymmetric_quantize]; +"50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=50, type=asymmetric_quantize]; +"51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=51, type=conv2d]; +"52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=52, type=batch_norm]; +"53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" [id=53, type=relu_]; +"54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=54, type=asymmetric_quantize]; +"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=55, type=asymmetric_quantize]; +"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=56, type=conv2d]; +"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=57, type=batch_norm]; +"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" [id=58, type=relu_]; +"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=59, type=asymmetric_quantize]; +"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=60, type=asymmetric_quantize]; +"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=61, type=conv2d]; +"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=62, type=batch_norm]; +"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=63, type=relu_]; +"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=64, type=asymmetric_quantize]; +"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=65, type=asymmetric_quantize]; +"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=66, type=conv2d]; +"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=67, type=batch_norm]; +"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=68, type=relu_]; +"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=69, type=asymmetric_quantize]; +"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=70, type=asymmetric_quantize]; +"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=71, type=conv2d]; +"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=72, type=batch_norm]; +"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=73, type=relu_]; +"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=74, type=asymmetric_quantize]; +"75 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" [id=75, type=avg_pool2d]; +"76 Inception3/InceptionA[Mixed_5b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=76, type=asymmetric_quantize]; +"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=77, type=asymmetric_quantize]; +"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=78, type=conv2d]; +"79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=79, type=batch_norm]; +"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" [id=80, type=relu_]; +"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=81, type=asymmetric_quantize]; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" [id=82, type=cat]; +"83 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=83, type=asymmetric_quantize]; +"84 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=84, type=conv2d]; +"85 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=85, type=batch_norm]; +"86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" [id=86, type=relu_]; +"87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=87, type=asymmetric_quantize]; +"88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=88, type=asymmetric_quantize]; +"89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=89, type=conv2d]; +"90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=90, type=batch_norm]; +"91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" [id=91, type=relu_]; +"92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=92, type=asymmetric_quantize]; +"93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=93, type=asymmetric_quantize]; +"94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=94, type=conv2d]; +"95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=95, type=batch_norm]; +"96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" [id=96, type=relu_]; +"97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=97, type=asymmetric_quantize]; +"98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=98, type=asymmetric_quantize]; +"99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=99, type=conv2d]; +"100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=100, type=batch_norm]; +"101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=101, type=relu_]; +"102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=102, type=asymmetric_quantize]; +"103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=103, type=asymmetric_quantize]; +"104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=104, type=conv2d]; +"105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=105, type=batch_norm]; +"106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=106, type=relu_]; +"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=107, type=asymmetric_quantize]; +"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=108, type=asymmetric_quantize]; +"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=109, type=conv2d]; +"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=110, type=batch_norm]; +"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=111, type=relu_]; +"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=112, type=asymmetric_quantize]; +"113 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" [id=113, type=avg_pool2d]; +"114 Inception3/InceptionA[Mixed_5c]/AsymmetricQuantizer/asymmetric_quantize_0" [id=114, type=asymmetric_quantize]; +"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=115, type=asymmetric_quantize]; +"116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=116, type=conv2d]; +"117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=117, type=batch_norm]; +"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" [id=118, type=relu_]; +"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=119, type=asymmetric_quantize]; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" [id=120, type=cat]; +"121 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=121, type=asymmetric_quantize]; +"122 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=122, type=conv2d]; +"123 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=123, type=batch_norm]; +"124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" [id=124, type=relu_]; +"125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=125, type=asymmetric_quantize]; +"126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=126, type=asymmetric_quantize]; +"127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=127, type=conv2d]; +"128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=128, type=batch_norm]; +"129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" [id=129, type=relu_]; +"130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=130, type=asymmetric_quantize]; +"131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=131, type=asymmetric_quantize]; +"132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=132, type=conv2d]; +"133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=133, type=batch_norm]; +"134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" [id=134, type=relu_]; +"135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=135, type=asymmetric_quantize]; +"136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=136, type=asymmetric_quantize]; +"137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=137, type=conv2d]; +"138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=138, type=batch_norm]; +"139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=139, type=relu_]; +"140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=140, type=asymmetric_quantize]; +"141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=141, type=asymmetric_quantize]; +"142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=142, type=conv2d]; +"143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=143, type=batch_norm]; +"144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=144, type=relu_]; +"145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=145, type=asymmetric_quantize]; +"146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=146, type=asymmetric_quantize]; +"147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=147, type=conv2d]; +"148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=148, type=batch_norm]; +"149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=149, type=relu_]; +"150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=150, type=asymmetric_quantize]; +"151 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" [id=151, type=avg_pool2d]; +"152 Inception3/InceptionA[Mixed_5d]/AsymmetricQuantizer/asymmetric_quantize_0" [id=152, type=asymmetric_quantize]; +"153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=153, type=asymmetric_quantize]; +"154 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=154, type=conv2d]; +"155 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=155, type=batch_norm]; +"156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" [id=156, type=relu_]; +"157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=157, type=asymmetric_quantize]; +"158 Inception3/InceptionA[Mixed_5d]/cat_0" [id=158, type=cat]; +"159 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=159, type=asymmetric_quantize]; +"160 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" [id=160, type=conv2d]; +"161 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=161, type=batch_norm]; +"162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" [id=162, type=relu_]; +"163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=163, type=asymmetric_quantize]; +"164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=164, type=asymmetric_quantize]; +"165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=165, type=conv2d]; +"166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=166, type=batch_norm]; +"167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=167, type=relu_]; +"168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=168, type=asymmetric_quantize]; +"169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=169, type=asymmetric_quantize]; +"170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=170, type=conv2d]; +"171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=171, type=batch_norm]; +"172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=172, type=relu_]; +"173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=173, type=asymmetric_quantize]; +"174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=174, type=asymmetric_quantize]; +"175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=175, type=conv2d]; +"176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=176, type=batch_norm]; +"177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=177, type=relu_]; +"178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=178, type=asymmetric_quantize]; +"179 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" [id=179, type=max_pool2d]; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" [id=180, type=cat]; +"181 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=181, type=asymmetric_quantize]; +"182 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=182, type=conv2d]; +"183 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=183, type=batch_norm]; +"184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" [id=184, type=relu_]; +"185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=185, type=asymmetric_quantize]; +"186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=186, type=asymmetric_quantize]; +"187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=187, type=conv2d]; +"188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=188, type=batch_norm]; +"189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" [id=189, type=relu_]; +"190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=190, type=asymmetric_quantize]; +"191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=191, type=asymmetric_quantize]; +"192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=192, type=conv2d]; +"193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=193, type=batch_norm]; +"194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" [id=194, type=relu_]; +"195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=195, type=asymmetric_quantize]; +"196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=196, type=asymmetric_quantize]; +"197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=197, type=conv2d]; +"198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=198, type=batch_norm]; +"199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" [id=199, type=relu_]; +"200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=200, type=asymmetric_quantize]; +"201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=201, type=asymmetric_quantize]; +"202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=202, type=conv2d]; +"203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=203, type=batch_norm]; +"204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=204, type=relu_]; +"205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=205, type=asymmetric_quantize]; +"206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=206, type=asymmetric_quantize]; +"207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=207, type=conv2d]; +"208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=208, type=batch_norm]; +"209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=209, type=relu_]; +"210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=210, type=asymmetric_quantize]; +"211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=211, type=asymmetric_quantize]; +"212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=212, type=conv2d]; +"213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=213, type=batch_norm]; +"214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=214, type=relu_]; +"215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=215, type=asymmetric_quantize]; +"216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=216, type=asymmetric_quantize]; +"217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=217, type=conv2d]; +"218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=218, type=batch_norm]; +"219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=219, type=relu_]; +"220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=220, type=asymmetric_quantize]; +"221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=221, type=asymmetric_quantize]; +"222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=222, type=conv2d]; +"223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=223, type=batch_norm]; +"224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=224, type=relu_]; +"225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" [id=225, type=asymmetric_quantize]; +"226 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" [id=226, type=avg_pool2d]; +"227 Inception3/InceptionC[Mixed_6b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=227, type=asymmetric_quantize]; +"228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=228, type=asymmetric_quantize]; +"229 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=229, type=conv2d]; +"230 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=230, type=batch_norm]; +"231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" [id=231, type=relu_]; +"232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=232, type=asymmetric_quantize]; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" [id=233, type=cat]; +"234 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=234, type=asymmetric_quantize]; +"235 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=235, type=conv2d]; +"236 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=236, type=batch_norm]; +"237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" [id=237, type=relu_]; +"238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=238, type=asymmetric_quantize]; +"239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=239, type=asymmetric_quantize]; +"240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=240, type=conv2d]; +"241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=241, type=batch_norm]; +"242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" [id=242, type=relu_]; +"243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=243, type=asymmetric_quantize]; +"244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=244, type=asymmetric_quantize]; +"245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=245, type=conv2d]; +"246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=246, type=batch_norm]; +"247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" [id=247, type=relu_]; +"248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=248, type=asymmetric_quantize]; +"249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=249, type=asymmetric_quantize]; +"250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=250, type=conv2d]; +"251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=251, type=batch_norm]; +"252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" [id=252, type=relu_]; +"253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=253, type=asymmetric_quantize]; +"254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=254, type=asymmetric_quantize]; +"255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=255, type=conv2d]; +"256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=256, type=batch_norm]; +"257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=257, type=relu_]; +"258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=258, type=asymmetric_quantize]; +"259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=259, type=asymmetric_quantize]; +"260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=260, type=conv2d]; +"261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=261, type=batch_norm]; +"262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=262, type=relu_]; +"263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=263, type=asymmetric_quantize]; +"264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=264, type=asymmetric_quantize]; +"265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=265, type=conv2d]; +"266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=266, type=batch_norm]; +"267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=267, type=relu_]; +"268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=268, type=asymmetric_quantize]; +"269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=269, type=asymmetric_quantize]; +"270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=270, type=conv2d]; +"271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=271, type=batch_norm]; +"272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=272, type=relu_]; +"273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=273, type=asymmetric_quantize]; +"274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=274, type=asymmetric_quantize]; +"275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=275, type=conv2d]; +"276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=276, type=batch_norm]; +"277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=277, type=relu_]; +"278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" [id=278, type=asymmetric_quantize]; +"279 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" [id=279, type=avg_pool2d]; +"280 Inception3/InceptionC[Mixed_6c]/AsymmetricQuantizer/asymmetric_quantize_0" [id=280, type=asymmetric_quantize]; +"281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=281, type=asymmetric_quantize]; +"282 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=282, type=conv2d]; +"283 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=283, type=batch_norm]; +"284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" [id=284, type=relu_]; +"285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=285, type=asymmetric_quantize]; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" [id=286, type=cat]; +"287 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=287, type=asymmetric_quantize]; +"288 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=288, type=conv2d]; +"289 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=289, type=batch_norm]; +"290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" [id=290, type=relu_]; +"291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=291, type=asymmetric_quantize]; +"292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=292, type=asymmetric_quantize]; +"293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=293, type=conv2d]; +"294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=294, type=batch_norm]; +"295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" [id=295, type=relu_]; +"296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=296, type=asymmetric_quantize]; +"297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=297, type=asymmetric_quantize]; +"298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=298, type=conv2d]; +"299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=299, type=batch_norm]; +"300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" [id=300, type=relu_]; +"301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=301, type=asymmetric_quantize]; +"302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=302, type=asymmetric_quantize]; +"303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=303, type=conv2d]; +"304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=304, type=batch_norm]; +"305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" [id=305, type=relu_]; +"306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=306, type=asymmetric_quantize]; +"307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=307, type=asymmetric_quantize]; +"308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=308, type=conv2d]; +"309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=309, type=batch_norm]; +"310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=310, type=relu_]; +"311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=311, type=asymmetric_quantize]; +"312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=312, type=asymmetric_quantize]; +"313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=313, type=conv2d]; +"314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=314, type=batch_norm]; +"315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=315, type=relu_]; +"316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=316, type=asymmetric_quantize]; +"317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=317, type=asymmetric_quantize]; +"318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=318, type=conv2d]; +"319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=319, type=batch_norm]; +"320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=320, type=relu_]; +"321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=321, type=asymmetric_quantize]; +"322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=322, type=asymmetric_quantize]; +"323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=323, type=conv2d]; +"324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=324, type=batch_norm]; +"325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=325, type=relu_]; +"326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=326, type=asymmetric_quantize]; +"327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=327, type=asymmetric_quantize]; +"328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=328, type=conv2d]; +"329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=329, type=batch_norm]; +"330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=330, type=relu_]; +"331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" [id=331, type=asymmetric_quantize]; +"332 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" [id=332, type=avg_pool2d]; +"333 Inception3/InceptionC[Mixed_6d]/AsymmetricQuantizer/asymmetric_quantize_0" [id=333, type=asymmetric_quantize]; +"334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=334, type=asymmetric_quantize]; +"335 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=335, type=conv2d]; +"336 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=336, type=batch_norm]; +"337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" [id=337, type=relu_]; +"338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=338, type=asymmetric_quantize]; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" [id=339, type=cat]; +"340 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=340, type=asymmetric_quantize]; +"341 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=341, type=conv2d]; +"342 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=342, type=batch_norm]; +"343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" [id=343, type=relu_]; +"344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=344, type=asymmetric_quantize]; +"345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=345, type=asymmetric_quantize]; +"346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=346, type=conv2d]; +"347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=347, type=batch_norm]; +"348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" [id=348, type=relu_]; +"349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=349, type=asymmetric_quantize]; +"350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=350, type=asymmetric_quantize]; +"351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=351, type=conv2d]; +"352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=352, type=batch_norm]; +"353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" [id=353, type=relu_]; +"354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=354, type=asymmetric_quantize]; +"355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=355, type=asymmetric_quantize]; +"356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=356, type=conv2d]; +"357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=357, type=batch_norm]; +"358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" [id=358, type=relu_]; +"359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=359, type=asymmetric_quantize]; +"360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=360, type=asymmetric_quantize]; +"361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=361, type=conv2d]; +"362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=362, type=batch_norm]; +"363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=363, type=relu_]; +"364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=364, type=asymmetric_quantize]; +"365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=365, type=asymmetric_quantize]; +"366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=366, type=conv2d]; +"367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=367, type=batch_norm]; +"368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=368, type=relu_]; +"369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=369, type=asymmetric_quantize]; +"370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=370, type=asymmetric_quantize]; +"371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=371, type=conv2d]; +"372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=372, type=batch_norm]; +"373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=373, type=relu_]; +"374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=374, type=asymmetric_quantize]; +"375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=375, type=asymmetric_quantize]; +"376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=376, type=conv2d]; +"377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=377, type=batch_norm]; +"378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=378, type=relu_]; +"379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=379, type=asymmetric_quantize]; +"380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=380, type=asymmetric_quantize]; +"381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=381, type=conv2d]; +"382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=382, type=batch_norm]; +"383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=383, type=relu_]; +"384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" [id=384, type=asymmetric_quantize]; +"385 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" [id=385, type=avg_pool2d]; +"386 Inception3/InceptionC[Mixed_6e]/AsymmetricQuantizer/asymmetric_quantize_0" [id=386, type=asymmetric_quantize]; +"387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=387, type=asymmetric_quantize]; +"388 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=388, type=conv2d]; +"389 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=389, type=batch_norm]; +"390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" [id=390, type=relu_]; +"391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=391, type=asymmetric_quantize]; +"392 Inception3/InceptionC[Mixed_6e]/cat_0" [id=392, type=cat]; +"393 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=393, type=asymmetric_quantize]; +"394 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=394, type=conv2d]; +"395 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=395, type=batch_norm]; +"396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" [id=396, type=relu_]; +"397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=397, type=asymmetric_quantize]; +"398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=398, type=asymmetric_quantize]; +"399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" [id=399, type=conv2d]; +"400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=400, type=batch_norm]; +"401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" [id=401, type=relu_]; +"402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=402, type=asymmetric_quantize]; +"403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=403, type=asymmetric_quantize]; +"404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" [id=404, type=conv2d]; +"405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=405, type=batch_norm]; +"406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" [id=406, type=relu_]; +"407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=407, type=asymmetric_quantize]; +"408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=408, type=asymmetric_quantize]; +"409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" [id=409, type=conv2d]; +"410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=410, type=batch_norm]; +"411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" [id=411, type=relu_]; +"412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=412, type=asymmetric_quantize]; +"413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=413, type=asymmetric_quantize]; +"414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" [id=414, type=conv2d]; +"415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=415, type=batch_norm]; +"416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" [id=416, type=relu_]; +"417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/AsymmetricQuantizer/asymmetric_quantize_0" [id=417, type=asymmetric_quantize]; +"418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=418, type=asymmetric_quantize]; +"419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" [id=419, type=conv2d]; +"420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=420, type=batch_norm]; +"421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" [id=421, type=relu_]; +"422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/AsymmetricQuantizer/asymmetric_quantize_0" [id=422, type=asymmetric_quantize]; +"423 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" [id=423, type=max_pool2d]; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" [id=424, type=cat]; +"425 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=425, type=asymmetric_quantize]; +"426 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=426, type=conv2d]; +"427 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=427, type=batch_norm]; +"428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" [id=428, type=relu_]; +"429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=429, type=asymmetric_quantize]; +"430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=430, type=asymmetric_quantize]; +"431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=431, type=conv2d]; +"432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=432, type=batch_norm]; +"433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" [id=433, type=relu_]; +"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=434, type=asymmetric_quantize]; +"435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=435, type=asymmetric_quantize]; +"436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=436, type=conv2d]; +"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=437, type=batch_norm]; +"438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" [id=438, type=relu_]; +"439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0" [id=439, type=asymmetric_quantize]; +"440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=440, type=asymmetric_quantize]; +"441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=441, type=conv2d]; +"442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=442, type=batch_norm]; +"443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" [id=443, type=relu_]; +"444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=444, type=asymmetric_quantize]; +"445 Inception3/InceptionE[Mixed_7b]/cat_0" [id=445, type=cat]; +"446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=446, type=asymmetric_quantize]; +"447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=447, type=conv2d]; +"448 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=448, type=batch_norm]; +"449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=449, type=relu_]; +"450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=450, type=asymmetric_quantize]; +"451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=451, type=asymmetric_quantize]; +"452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=452, type=conv2d]; +"453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=453, type=batch_norm]; +"454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=454, type=relu_]; +"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=455, type=asymmetric_quantize]; +"456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=456, type=asymmetric_quantize]; +"457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=457, type=conv2d]; +"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=458, type=batch_norm]; +"459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=459, type=relu_]; +"460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0" [id=460, type=asymmetric_quantize]; +"461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=461, type=asymmetric_quantize]; +"462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=462, type=conv2d]; +"463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=463, type=batch_norm]; +"464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=464, type=relu_]; +"465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=465, type=asymmetric_quantize]; +"466 Inception3/InceptionE[Mixed_7b]/cat_1" [id=466, type=cat]; +"467 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" [id=467, type=avg_pool2d]; +"468 Inception3/InceptionE[Mixed_7b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=468, type=asymmetric_quantize]; +"469 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=469, type=asymmetric_quantize]; +"470 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=470, type=conv2d]; +"471 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=471, type=batch_norm]; +"472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" [id=472, type=relu_]; +"473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=473, type=asymmetric_quantize]; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" [id=474, type=cat]; +"475 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=475, type=asymmetric_quantize]; +"476 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=476, type=conv2d]; +"477 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=477, type=batch_norm]; +"478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" [id=478, type=relu_]; +"479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=479, type=asymmetric_quantize]; +"480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=480, type=asymmetric_quantize]; +"481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=481, type=conv2d]; +"482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=482, type=batch_norm]; +"483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" [id=483, type=relu_]; +"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=484, type=asymmetric_quantize]; +"485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=485, type=asymmetric_quantize]; +"486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=486, type=conv2d]; +"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=487, type=batch_norm]; +"488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" [id=488, type=relu_]; +"489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0" [id=489, type=asymmetric_quantize]; +"490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=490, type=asymmetric_quantize]; +"491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=491, type=conv2d]; +"492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=492, type=batch_norm]; +"493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" [id=493, type=relu_]; +"494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=494, type=asymmetric_quantize]; +"495 Inception3/InceptionE[Mixed_7c]/cat_0" [id=495, type=cat]; +"496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=496, type=asymmetric_quantize]; +"497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=497, type=conv2d]; +"498 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=498, type=batch_norm]; +"499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=499, type=relu_]; +"500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" [id=500, type=asymmetric_quantize]; +"501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=501, type=asymmetric_quantize]; +"502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=502, type=conv2d]; +"503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=503, type=batch_norm]; +"504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=504, type=relu_]; +"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" [id=505, type=asymmetric_quantize]; +"506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=506, type=asymmetric_quantize]; +"507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=507, type=conv2d]; +"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=508, type=batch_norm]; +"509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=509, type=relu_]; +"510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0" [id=510, type=asymmetric_quantize]; +"511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=511, type=asymmetric_quantize]; +"512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=512, type=conv2d]; +"513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=513, type=batch_norm]; +"514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=514, type=relu_]; +"515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0" [id=515, type=asymmetric_quantize]; +"516 Inception3/InceptionE[Mixed_7c]/cat_1" [id=516, type=cat]; +"517 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" [id=517, type=avg_pool2d]; +"518 Inception3/InceptionE[Mixed_7c]/AsymmetricQuantizer/asymmetric_quantize_0" [id=518, type=asymmetric_quantize]; +"519 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=519, type=asymmetric_quantize]; +"520 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=520, type=conv2d]; +"521 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=521, type=batch_norm]; +"522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" [id=522, type=relu_]; +"523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" [id=523, type=asymmetric_quantize]; +"524 Inception3/InceptionE[Mixed_7c]/cat_2" [id=524, type=cat]; +"525 Inception3/adaptive_avg_pool2d_0" [id=525, type=adaptive_avg_pool2d]; +"526 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/asymmetric_quantize_0" [id=526, type=asymmetric_quantize]; +"527 Inception3/dropout_0" [id=527, type=dropout]; +"528 Inception3/view_0" [id=528, type=view]; +"529 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=529, type=asymmetric_quantize]; +"530 Inception3/NNCFLinear[fc]/linear_0" [id=530, type=linear]; +"531 /nncf_model_output_0" [id=531, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 AsymmetricQuantizer/asymmetric_quantize_0"; "1 AsymmetricQuantizer/asymmetric_quantize_0" -> "2 Inception3/__getitem___0"; -"1 AsymmetricQuantizer/asymmetric_quantize_0" -> "8 Inception3/__getitem___1"; -"1 AsymmetricQuantizer/asymmetric_quantize_0" -> "14 Inception3/__getitem___2"; +"1 AsymmetricQuantizer/asymmetric_quantize_0" -> "7 Inception3/__getitem___1"; +"1 AsymmetricQuantizer/asymmetric_quantize_0" -> "12 Inception3/__getitem___2"; "2 Inception3/__getitem___0" -> "3 Inception3/unsqueeze_0"; "3 Inception3/unsqueeze_0" -> "4 Inception3/__mul___0"; -"4 Inception3/__mul___0" -> "5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__mul___0|OUTPUT]/asymmetric_quantize_0"; -"5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__mul___0|OUTPUT]/asymmetric_quantize_0" -> "6 Inception3/__add___0"; -"6 Inception3/__add___0" -> "7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_0"; -"7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_0" -> "20 Inception3/cat_0"; -"8 Inception3/__getitem___1" -> "9 Inception3/unsqueeze_1"; -"9 Inception3/unsqueeze_1" -> "10 Inception3/__mul___1"; -"10 Inception3/__mul___1" -> "11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__mul___1|OUTPUT]/asymmetric_quantize_0"; -"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__mul___1|OUTPUT]/asymmetric_quantize_0" -> "12 Inception3/__add___1"; -"12 Inception3/__add___1" -> "13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_1"; -"13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_1" -> "20 Inception3/cat_0"; -"14 Inception3/__getitem___2" -> "15 Inception3/unsqueeze_2"; -"15 Inception3/unsqueeze_2" -> "16 Inception3/__mul___2"; -"16 Inception3/__mul___2" -> "17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__mul___2|OUTPUT]/asymmetric_quantize_0"; -"17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__mul___2|OUTPUT]/asymmetric_quantize_0" -> "18 Inception3/__add___2"; -"18 Inception3/__add___2" -> "19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_2"; -"19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_2" -> "20 Inception3/cat_0"; -"20 Inception3/cat_0" -> "22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "23 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "24 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0"; -"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" -> "25 Inception3/BasicConv2d[Conv2d_1a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"25 Inception3/BasicConv2d[Conv2d_1a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "29 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0"; -"29 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" -> "30 Inception3/BasicConv2d[Conv2d_2a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; -"31 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; -"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" -> "33 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"33 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "34 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0"; -"34 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" -> "35 Inception3/BasicConv2d[Conv2d_2b_3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "36 Inception3/max_pool2d_0"; -"36 Inception3/max_pool2d_0" -> "38 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; -"37 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "38 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; -"38 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" -> "39 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"39 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "40 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0"; -"40 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" -> "41 Inception3/BasicConv2d[Conv2d_3b_1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"41 Inception3/BasicConv2d[Conv2d_3b_1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "43 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"42 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "43 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"43 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "44 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"44 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "45 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0"; -"45 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" -> "46 Inception3/BasicConv2d[Conv2d_4a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"46 Inception3/BasicConv2d[Conv2d_4a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "47 Inception3/max_pool2d_1"; -"47 Inception3/max_pool2d_1" -> "49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"47 Inception3/max_pool2d_1" -> "54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"47 Inception3/max_pool2d_1" -> "64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"47 Inception3/max_pool2d_1" -> "78 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0"; -"48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0"; -"51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" -> "52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "85 Inception3/InceptionA[Mixed_5b]/cat_0"; -"53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0"; -"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" -> "57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0"; -"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" -> "62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "85 Inception3/InceptionA[Mixed_5b]/cat_0"; -"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "85 Inception3/InceptionA[Mixed_5b]/cat_0"; -"78 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" -> "79 Inception3/InceptionA[Mixed_5b]/AsymmetricQuantizer/asymmetric_quantize_0"; -"79 Inception3/InceptionA[Mixed_5b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0"; -"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" -> "84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; -"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "85 Inception3/InceptionA[Mixed_5b]/cat_0"; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" -> "87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" -> "92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" -> "102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" -> "116 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0"; -"86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0"; -"89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" -> "90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "123 Inception3/InceptionA[Mixed_5c]/cat_0"; -"91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0"; -"94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" -> "95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0"; -"99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" -> "100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "123 Inception3/InceptionA[Mixed_5c]/cat_0"; -"101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "123 Inception3/InceptionA[Mixed_5c]/cat_0"; -"116 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" -> "117 Inception3/InceptionA[Mixed_5c]/AsymmetricQuantizer/asymmetric_quantize_0"; -"117 Inception3/InceptionA[Mixed_5c]/AsymmetricQuantizer/asymmetric_quantize_0" -> "119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0"; -"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" -> "122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; -"122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "123 Inception3/InceptionA[Mixed_5c]/cat_0"; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" -> "125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" -> "130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" -> "140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" -> "154 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0"; -"124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0"; -"127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" -> "128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5d]/cat_0"; -"129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0"; -"132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" -> "133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0"; -"137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" -> "138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5d]/cat_0"; -"139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "151 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"151 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "152 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"152 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5d]/cat_0"; -"154 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" -> "155 Inception3/InceptionA[Mixed_5d]/AsymmetricQuantizer/asymmetric_quantize_0"; -"155 Inception3/InceptionA[Mixed_5d]/AsymmetricQuantizer/asymmetric_quantize_0" -> "157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "158 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"158 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "159 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0"; -"159 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" -> "160 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; -"160 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5d]/cat_0"; -"161 Inception3/InceptionA[Mixed_5d]/cat_0" -> "163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; -"161 Inception3/InceptionA[Mixed_5d]/cat_0" -> "168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"161 Inception3/InceptionA[Mixed_5d]/cat_0" -> "182 Inception3/InceptionB[Mixed_6a]/max_pool2d_0"; -"162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; -"163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" -> "164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0"; -"165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" -> "166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "183 Inception3/InceptionB[Mixed_6a]/cat_0"; -"167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "179 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"179 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "180 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"180 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "181 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"181 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "183 Inception3/InceptionB[Mixed_6a]/cat_0"; -"182 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" -> "183 Inception3/InceptionB[Mixed_6a]/cat_0"; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" -> "185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" -> "190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" -> "205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" -> "229 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0"; -"184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0"; -"187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" -> "188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "236 Inception3/InceptionC[Mixed_6b]/cat_0"; -"189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0"; -"192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" -> "193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0"; -"197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" -> "198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0"; -"202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" -> "203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "236 Inception3/InceptionC[Mixed_6b]/cat_0"; -"204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0"; -"223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "226 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"226 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "227 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"227 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0"; -"228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" -> "236 Inception3/InceptionC[Mixed_6b]/cat_0"; -"229 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" -> "230 Inception3/InceptionC[Mixed_6b]/AsymmetricQuantizer/asymmetric_quantize_0"; -"230 Inception3/InceptionC[Mixed_6b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "233 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"233 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "234 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0"; -"234 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" -> "235 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; -"235 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "236 Inception3/InceptionC[Mixed_6b]/cat_0"; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" -> "238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" -> "243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" -> "258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" -> "282 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0"; -"237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0"; -"240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" -> "241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6c]/cat_0"; -"242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0"; -"245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" -> "246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0"; -"250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" -> "251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0"; -"255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" -> "256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6c]/cat_0"; -"257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0"; -"276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "279 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"279 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "280 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"280 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0"; -"281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6c]/cat_0"; -"282 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" -> "283 Inception3/InceptionC[Mixed_6c]/AsymmetricQuantizer/asymmetric_quantize_0"; -"283 Inception3/InceptionC[Mixed_6c]/AsymmetricQuantizer/asymmetric_quantize_0" -> "285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "286 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"286 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "287 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0"; -"287 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" -> "288 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; -"288 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6c]/cat_0"; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" -> "291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" -> "296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" -> "311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" -> "335 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0"; -"290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0"; -"293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" -> "294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "342 Inception3/InceptionC[Mixed_6d]/cat_0"; -"295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0"; -"298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" -> "299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0"; -"303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" -> "304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0"; -"308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" -> "309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "342 Inception3/InceptionC[Mixed_6d]/cat_0"; -"310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0"; -"329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "332 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"332 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "333 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"333 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0"; -"334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" -> "342 Inception3/InceptionC[Mixed_6d]/cat_0"; -"335 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" -> "336 Inception3/InceptionC[Mixed_6d]/AsymmetricQuantizer/asymmetric_quantize_0"; -"336 Inception3/InceptionC[Mixed_6d]/AsymmetricQuantizer/asymmetric_quantize_0" -> "338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "339 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"339 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "340 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0"; -"340 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" -> "341 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; -"341 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "342 Inception3/InceptionC[Mixed_6d]/cat_0"; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" -> "344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" -> "349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" -> "364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" -> "388 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0"; -"343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0"; -"346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" -> "347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "395 Inception3/InceptionC[Mixed_6e]/cat_0"; -"348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0"; -"351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" -> "352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0"; -"356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" -> "357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0"; -"361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" -> "362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "395 Inception3/InceptionC[Mixed_6e]/cat_0"; -"363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0"; -"382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "385 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"385 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "386 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"386 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0"; -"387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" -> "395 Inception3/InceptionC[Mixed_6e]/cat_0"; -"388 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" -> "389 Inception3/InceptionC[Mixed_6e]/AsymmetricQuantizer/asymmetric_quantize_0"; -"389 Inception3/InceptionC[Mixed_6e]/AsymmetricQuantizer/asymmetric_quantize_0" -> "391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "392 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"392 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "393 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0"; -"393 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" -> "394 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; -"394 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "395 Inception3/InceptionC[Mixed_6e]/cat_0"; -"395 Inception3/InceptionC[Mixed_6e]/cat_0" -> "397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"395 Inception3/InceptionC[Mixed_6e]/cat_0" -> "407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; -"395 Inception3/InceptionC[Mixed_6e]/cat_0" -> "426 Inception3/InceptionD[Mixed_7a]/max_pool2d_0"; -"396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0"; -"399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" -> "400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; -"401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; -"402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" -> "403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0"; -"404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" -> "405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "427 Inception3/InceptionD[Mixed_7a]/cat_0"; -"406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; -"407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" -> "408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0"; -"409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" -> "410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; -"411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; -"412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" -> "413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0"; -"414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" -> "415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; -"416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; -"417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" -> "418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0"; -"419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" -> "420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/AsymmetricQuantizer/asymmetric_quantize_0"; -"420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; -"421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; -"422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" -> "423 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"423 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "424 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0"; -"424 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" -> "425 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/AsymmetricQuantizer/asymmetric_quantize_0"; -"425 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "427 Inception3/InceptionD[Mixed_7a]/cat_0"; -"426 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" -> "427 Inception3/InceptionD[Mixed_7a]/cat_0"; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" -> "429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" -> "434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" -> "450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" -> "470 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0"; -"428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0"; -"431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" -> "432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "477 Inception3/InceptionE[Mixed_7b]/cat_2"; -"433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0"; -"436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" -> "437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0"; -"441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" -> "442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0"; -"442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0" -> "448 Inception3/InceptionE[Mixed_7b]/cat_0"; -"443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "445 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"445 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0"; -"446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" -> "447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0"; -"447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "448 Inception3/InceptionE[Mixed_7b]/cat_0"; -"448 Inception3/InceptionE[Mixed_7b]/cat_0" -> "477 Inception3/InceptionE[Mixed_7b]/cat_2"; -"449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0"; -"462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0"; -"463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0" -> "469 Inception3/InceptionE[Mixed_7b]/cat_1"; -"464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "466 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"466 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "467 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0"; -"467 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "468 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0"; -"468 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "469 Inception3/InceptionE[Mixed_7b]/cat_1"; -"469 Inception3/InceptionE[Mixed_7b]/cat_1" -> "477 Inception3/InceptionE[Mixed_7b]/cat_2"; -"470 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" -> "471 Inception3/InceptionE[Mixed_7b]/AsymmetricQuantizer/asymmetric_quantize_0"; -"471 Inception3/InceptionE[Mixed_7b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "474 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"474 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "475 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0"; -"475 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" -> "476 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; -"476 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "477 Inception3/InceptionE[Mixed_7b]/cat_2"; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" -> "479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" -> "484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" -> "500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" -> "520 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0"; -"478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0"; -"481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" -> "482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "527 Inception3/InceptionE[Mixed_7c]/cat_2"; -"483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0"; -"486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" -> "487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0"; -"491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" -> "492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0"; -"492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0" -> "498 Inception3/InceptionE[Mixed_7c]/cat_0"; -"493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "495 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"495 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0"; -"496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" -> "497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0"; -"497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "498 Inception3/InceptionE[Mixed_7c]/cat_0"; -"498 Inception3/InceptionE[Mixed_7c]/cat_0" -> "527 Inception3/InceptionE[Mixed_7c]/cat_2"; -"499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; -"503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; -"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0"; -"512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0"; -"513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0" -> "519 Inception3/InceptionE[Mixed_7c]/cat_1"; -"514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "516 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"516 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "517 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0"; -"517 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "518 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0"; -"518 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "519 Inception3/InceptionE[Mixed_7c]/cat_1"; -"519 Inception3/InceptionE[Mixed_7c]/cat_1" -> "527 Inception3/InceptionE[Mixed_7c]/cat_2"; -"520 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" -> "521 Inception3/InceptionE[Mixed_7c]/AsymmetricQuantizer/asymmetric_quantize_0"; -"521 Inception3/InceptionE[Mixed_7c]/AsymmetricQuantizer/asymmetric_quantize_0" -> "523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "524 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"524 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "525 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0"; -"525 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" -> "526 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; -"526 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "527 Inception3/InceptionE[Mixed_7c]/cat_2"; -"527 Inception3/InceptionE[Mixed_7c]/cat_2" -> "528 Inception3/adaptive_avg_pool2d_0"; -"528 Inception3/adaptive_avg_pool2d_0" -> "529 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/asymmetric_quantize_0"; -"529 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/asymmetric_quantize_0" -> "530 Inception3/dropout_0"; -"530 Inception3/dropout_0" -> "531 Inception3/view_0"; -"531 Inception3/view_0" -> "533 Inception3/NNCFLinear[fc]/linear_0"; -"532 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "533 Inception3/NNCFLinear[fc]/linear_0"; -"533 Inception3/NNCFLinear[fc]/linear_0" -> "534 /nncf_model_output_0"; +"4 Inception3/__mul___0" -> "5 Inception3/__add___0"; +"5 Inception3/__add___0" -> "6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_0"; +"6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_0" -> "17 Inception3/cat_0"; +"7 Inception3/__getitem___1" -> "8 Inception3/unsqueeze_1"; +"8 Inception3/unsqueeze_1" -> "9 Inception3/__mul___1"; +"9 Inception3/__mul___1" -> "10 Inception3/__add___1"; +"10 Inception3/__add___1" -> "11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_1"; +"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_1" -> "17 Inception3/cat_0"; +"12 Inception3/__getitem___2" -> "13 Inception3/unsqueeze_2"; +"13 Inception3/unsqueeze_2" -> "14 Inception3/__mul___2"; +"14 Inception3/__mul___2" -> "15 Inception3/__add___2"; +"15 Inception3/__add___2" -> "16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_2"; +"16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/asymmetric_quantize_2" -> "17 Inception3/cat_0"; +"17 Inception3/cat_0" -> "19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"18 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "20 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"20 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "21 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0"; +"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" -> "22 Inception3/BasicConv2d[Conv2d_1a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "24 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"23 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "24 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"24 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "25 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"25 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "26 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0"; +"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" -> "27 Inception3/BasicConv2d[Conv2d_2a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "29 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; +"28 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "29 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; +"29 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" -> "30 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"30 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "31 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0"; +"31 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" -> "32 Inception3/BasicConv2d[Conv2d_2b_3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "33 Inception3/max_pool2d_0"; +"33 Inception3/max_pool2d_0" -> "35 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; +"34 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "35 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; +"35 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" -> "36 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"36 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "37 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0"; +"37 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" -> "38 Inception3/BasicConv2d[Conv2d_3b_1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"38 Inception3/BasicConv2d[Conv2d_3b_1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "40 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"39 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "40 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"40 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "41 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"41 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "42 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0"; +"42 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" -> "43 Inception3/BasicConv2d[Conv2d_4a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"43 Inception3/BasicConv2d[Conv2d_4a_3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "44 Inception3/max_pool2d_1"; +"44 Inception3/max_pool2d_1" -> "46 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"44 Inception3/max_pool2d_1" -> "51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"44 Inception3/max_pool2d_1" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"44 Inception3/max_pool2d_1" -> "75 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0"; +"45 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "46 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"46 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "47 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"47 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0"; +"48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" -> "49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "82 Inception3/InceptionA[Mixed_5b]/cat_0"; +"50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0"; +"53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" -> "54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0"; +"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" -> "59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "82 Inception3/InceptionA[Mixed_5b]/cat_0"; +"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "82 Inception3/InceptionA[Mixed_5b]/cat_0"; +"75 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" -> "76 Inception3/InceptionA[Mixed_5b]/AsymmetricQuantizer/asymmetric_quantize_0"; +"76 Inception3/InceptionA[Mixed_5b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0"; +"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; +"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "82 Inception3/InceptionA[Mixed_5b]/cat_0"; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" -> "84 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" -> "89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" -> "99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" -> "113 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0"; +"83 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "84 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"84 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "85 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"85 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0"; +"86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" -> "87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "120 Inception3/InceptionA[Mixed_5c]/cat_0"; +"88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0"; +"91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" -> "92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0"; +"96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" -> "97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "120 Inception3/InceptionA[Mixed_5c]/cat_0"; +"98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "120 Inception3/InceptionA[Mixed_5c]/cat_0"; +"113 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" -> "114 Inception3/InceptionA[Mixed_5c]/AsymmetricQuantizer/asymmetric_quantize_0"; +"114 Inception3/InceptionA[Mixed_5c]/AsymmetricQuantizer/asymmetric_quantize_0" -> "116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0"; +"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" -> "119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; +"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "120 Inception3/InceptionA[Mixed_5c]/cat_0"; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" -> "122 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" -> "127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" -> "137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" -> "151 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0"; +"121 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "122 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"122 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "123 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"123 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0"; +"124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" -> "125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5d]/cat_0"; +"126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0"; +"129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" -> "130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0"; +"134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" -> "135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5d]/cat_0"; +"136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5d]/cat_0"; +"151 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" -> "152 Inception3/InceptionA[Mixed_5d]/AsymmetricQuantizer/asymmetric_quantize_0"; +"152 Inception3/InceptionA[Mixed_5d]/AsymmetricQuantizer/asymmetric_quantize_0" -> "154 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "154 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"154 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "155 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"155 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0"; +"156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" -> "157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; +"157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5d]/cat_0"; +"158 Inception3/InceptionA[Mixed_5d]/cat_0" -> "160 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; +"158 Inception3/InceptionA[Mixed_5d]/cat_0" -> "165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"158 Inception3/InceptionA[Mixed_5d]/cat_0" -> "179 Inception3/InceptionB[Mixed_6a]/max_pool2d_0"; +"159 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "160 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; +"160 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" -> "161 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"161 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0"; +"162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" -> "163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "180 Inception3/InceptionB[Mixed_6a]/cat_0"; +"164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "180 Inception3/InceptionB[Mixed_6a]/cat_0"; +"179 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" -> "180 Inception3/InceptionB[Mixed_6a]/cat_0"; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" -> "182 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" -> "187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" -> "202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" -> "226 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0"; +"181 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "182 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"182 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "183 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"183 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0"; +"184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" -> "185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "233 Inception3/InceptionC[Mixed_6b]/cat_0"; +"186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0"; +"189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" -> "190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0"; +"194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" -> "195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0"; +"199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" -> "200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "233 Inception3/InceptionC[Mixed_6b]/cat_0"; +"201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0"; +"220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0"; +"225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" -> "233 Inception3/InceptionC[Mixed_6b]/cat_0"; +"226 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" -> "227 Inception3/InceptionC[Mixed_6b]/AsymmetricQuantizer/asymmetric_quantize_0"; +"227 Inception3/InceptionC[Mixed_6b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "229 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "229 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"229 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "230 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"230 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0"; +"231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" -> "232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; +"232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "233 Inception3/InceptionC[Mixed_6b]/cat_0"; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" -> "235 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" -> "240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" -> "255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" -> "279 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0"; +"234 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "235 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"235 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "236 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"236 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0"; +"237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" -> "238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6c]/cat_0"; +"239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0"; +"242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" -> "243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0"; +"247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" -> "248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0"; +"252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" -> "253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6c]/cat_0"; +"254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0"; +"273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0"; +"278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6c]/cat_0"; +"279 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" -> "280 Inception3/InceptionC[Mixed_6c]/AsymmetricQuantizer/asymmetric_quantize_0"; +"280 Inception3/InceptionC[Mixed_6c]/AsymmetricQuantizer/asymmetric_quantize_0" -> "282 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "282 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"282 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "283 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"283 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0"; +"284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" -> "285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; +"285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6c]/cat_0"; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" -> "288 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" -> "293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" -> "308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" -> "332 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0"; +"287 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "288 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"288 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "289 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"289 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0"; +"290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" -> "291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "339 Inception3/InceptionC[Mixed_6d]/cat_0"; +"292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0"; +"295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" -> "296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0"; +"300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" -> "301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0"; +"305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" -> "306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "339 Inception3/InceptionC[Mixed_6d]/cat_0"; +"307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0"; +"326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0"; +"331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" -> "339 Inception3/InceptionC[Mixed_6d]/cat_0"; +"332 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" -> "333 Inception3/InceptionC[Mixed_6d]/AsymmetricQuantizer/asymmetric_quantize_0"; +"333 Inception3/InceptionC[Mixed_6d]/AsymmetricQuantizer/asymmetric_quantize_0" -> "335 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "335 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"335 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "336 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"336 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0"; +"337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" -> "338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; +"338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "339 Inception3/InceptionC[Mixed_6d]/cat_0"; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" -> "341 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" -> "346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" -> "361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" -> "385 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0"; +"340 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "341 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"341 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "342 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"342 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0"; +"343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" -> "344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "392 Inception3/InceptionC[Mixed_6e]/cat_0"; +"345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0"; +"348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" -> "349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0"; +"353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" -> "354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0"; +"358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" -> "359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "392 Inception3/InceptionC[Mixed_6e]/cat_0"; +"360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0"; +"379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0"; +"384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/AsymmetricQuantizer/asymmetric_quantize_0" -> "392 Inception3/InceptionC[Mixed_6e]/cat_0"; +"385 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" -> "386 Inception3/InceptionC[Mixed_6e]/AsymmetricQuantizer/asymmetric_quantize_0"; +"386 Inception3/InceptionC[Mixed_6e]/AsymmetricQuantizer/asymmetric_quantize_0" -> "388 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "388 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"388 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "389 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"389 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0"; +"390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" -> "391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; +"391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "392 Inception3/InceptionC[Mixed_6e]/cat_0"; +"392 Inception3/InceptionC[Mixed_6e]/cat_0" -> "394 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"392 Inception3/InceptionC[Mixed_6e]/cat_0" -> "404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; +"392 Inception3/InceptionC[Mixed_6e]/cat_0" -> "423 Inception3/InceptionD[Mixed_7a]/max_pool2d_0"; +"393 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "394 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"394 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "395 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"395 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0"; +"396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" -> "397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; +"398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; +"399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" -> "400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0"; +"401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" -> "402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "424 Inception3/InceptionD[Mixed_7a]/cat_0"; +"403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; +"404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" -> "405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0"; +"406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" -> "407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; +"408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; +"409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" -> "410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0"; +"411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" -> "412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; +"413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; +"414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" -> "415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0"; +"416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" -> "417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/AsymmetricQuantizer/asymmetric_quantize_0"; +"417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/AsymmetricQuantizer/asymmetric_quantize_0" -> "419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; +"418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; +"419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" -> "420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0"; +"421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" -> "422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/AsymmetricQuantizer/asymmetric_quantize_0"; +"422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/AsymmetricQuantizer/asymmetric_quantize_0" -> "424 Inception3/InceptionD[Mixed_7a]/cat_0"; +"423 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" -> "424 Inception3/InceptionD[Mixed_7a]/cat_0"; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" -> "426 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" -> "431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" -> "447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" -> "467 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0"; +"425 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "426 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"426 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "427 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"427 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0"; +"428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" -> "429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "474 Inception3/InceptionE[Mixed_7b]/cat_2"; +"430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0"; +"433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" -> "434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0"; +"438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" -> "439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0"; +"439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0" -> "445 Inception3/InceptionE[Mixed_7b]/cat_0"; +"440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0"; +"443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" -> "444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0"; +"444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "445 Inception3/InceptionE[Mixed_7b]/cat_0"; +"445 Inception3/InceptionE[Mixed_7b]/cat_0" -> "474 Inception3/InceptionE[Mixed_7b]/cat_2"; +"446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "448 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"448 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0"; +"459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0"; +"460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0" -> "466 Inception3/InceptionE[Mixed_7b]/cat_1"; +"461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0"; +"464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0"; +"465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "466 Inception3/InceptionE[Mixed_7b]/cat_1"; +"466 Inception3/InceptionE[Mixed_7b]/cat_1" -> "474 Inception3/InceptionE[Mixed_7b]/cat_2"; +"467 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" -> "468 Inception3/InceptionE[Mixed_7b]/AsymmetricQuantizer/asymmetric_quantize_0"; +"468 Inception3/InceptionE[Mixed_7b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "470 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"469 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "470 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"470 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "471 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"471 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0"; +"472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" -> "473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; +"473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "474 Inception3/InceptionE[Mixed_7b]/cat_2"; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" -> "476 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" -> "481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" -> "497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" -> "517 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0"; +"475 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "476 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"476 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "477 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"477 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0"; +"478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" -> "479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "524 Inception3/InceptionE[Mixed_7c]/cat_2"; +"480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0"; +"483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" -> "484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0"; +"488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" -> "489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0"; +"489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/AsymmetricQuantizer/asymmetric_quantize_0" -> "495 Inception3/InceptionE[Mixed_7c]/cat_0"; +"490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0"; +"493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" -> "494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0"; +"494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "495 Inception3/InceptionE[Mixed_7c]/cat_0"; +"495 Inception3/InceptionE[Mixed_7c]/cat_0" -> "524 Inception3/InceptionE[Mixed_7c]/cat_2"; +"496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "498 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"498 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0"; +"500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/AsymmetricQuantizer/asymmetric_quantize_0" -> "502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0"; +"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/AsymmetricQuantizer/asymmetric_quantize_0" -> "512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0"; +"509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0"; +"510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/AsymmetricQuantizer/asymmetric_quantize_0" -> "516 Inception3/InceptionE[Mixed_7c]/cat_1"; +"511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0"; +"514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0"; +"515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/AsymmetricQuantizer/asymmetric_quantize_0" -> "516 Inception3/InceptionE[Mixed_7c]/cat_1"; +"516 Inception3/InceptionE[Mixed_7c]/cat_1" -> "524 Inception3/InceptionE[Mixed_7c]/cat_2"; +"517 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" -> "518 Inception3/InceptionE[Mixed_7c]/AsymmetricQuantizer/asymmetric_quantize_0"; +"518 Inception3/InceptionE[Mixed_7c]/AsymmetricQuantizer/asymmetric_quantize_0" -> "520 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"519 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "520 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"520 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "521 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"521 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0"; +"522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" -> "523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0"; +"523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/AsymmetricQuantizer/asymmetric_quantize_0" -> "524 Inception3/InceptionE[Mixed_7c]/cat_2"; +"524 Inception3/InceptionE[Mixed_7c]/cat_2" -> "525 Inception3/adaptive_avg_pool2d_0"; +"525 Inception3/adaptive_avg_pool2d_0" -> "526 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/asymmetric_quantize_0"; +"526 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/AsymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/asymmetric_quantize_0" -> "527 Inception3/dropout_0"; +"527 Inception3/dropout_0" -> "528 Inception3/view_0"; +"528 Inception3/view_0" -> "530 Inception3/NNCFLinear[fc]/linear_0"; +"529 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "530 Inception3/NNCFLinear[fc]/linear_0"; +"530 Inception3/NNCFLinear[fc]/linear_0" -> "531 /nncf_model_output_0"; } diff --git a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_bi_seq.dot b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_bi_seq.dot index 1cec7bf6341..abeff76408b 100644 --- a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_bi_seq.dot +++ b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_bi_seq.dot @@ -12,133 +12,129 @@ strict digraph { "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=11, type=asymmetric_quantize]; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=13, type=asymmetric_quantize]; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=15, type=asymmetric_quantize]; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=17, type=asymmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=19, type=asymmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=21, type=asymmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=24, type=asymmetric_quantize]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=26, type=linear]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=27, type=asymmetric_quantize]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=28, type=cat]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=29, type=view]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=30, type=asymmetric_quantize]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=31, type=linear]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=32, type=asymmetric_quantize]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=33, type=asymmetric_quantize]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=34, type=linear]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=35, type=asymmetric_quantize]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=36, type=__add__]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=37, type=chunk]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=38, type=sigmoid]; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=39, type=asymmetric_quantize]; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=40, type=sigmoid]; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=14, type=asymmetric_quantize]; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=16, type=asymmetric_quantize]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=18, type=asymmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=20, type=asymmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=23, type=asymmetric_quantize]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=25, type=linear]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=26, type=asymmetric_quantize]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=27, type=cat]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=28, type=view]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=29, type=asymmetric_quantize]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=30, type=linear]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=31, type=asymmetric_quantize]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=32, type=asymmetric_quantize]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=33, type=linear]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=34, type=asymmetric_quantize]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=35, type=__add__]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=36, type=chunk]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=37, type=sigmoid]; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=38, type=asymmetric_quantize]; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=39, type=sigmoid]; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=40, type=tanh]; "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=41, type=asymmetric_quantize]; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=42, type=tanh]; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=42, type=sigmoid]; "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=43, type=asymmetric_quantize]; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=44, type=sigmoid]; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=44, type=__mul__]; "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=45, type=asymmetric_quantize]; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=46, type=__mul__]; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=46, type=__mul__]; "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=47, type=asymmetric_quantize]; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=48, type=__mul__]; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=49, type=asymmetric_quantize]; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=50, type=__add__]; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=51, type=tanh]; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=52, type=asymmetric_quantize]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=53, type=__mul__]; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=54, type=linear]; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=55, type=asymmetric_quantize]; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=56, type=cat]; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=57, type=view]; -"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=58, type=cat]; -"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=59, type=cat]; -"60 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=60, type=view]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=61, type=cat]; -"62 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=62, type=view]; -"63 /nncf_model_output_0" [id=63, type=nncf_model_output]; -"64 /nncf_model_output_1" [id=64, type=nncf_model_output]; -"65 /nncf_model_output_2" [id=65, type=nncf_model_output]; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=48, type=__add__]; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=49, type=tanh]; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=50, type=asymmetric_quantize]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=51, type=__mul__]; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=52, type=linear]; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=53, type=asymmetric_quantize]; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=54, type=cat]; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=55, type=view]; +"56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=56, type=cat]; +"57 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=57, type=cat]; +"58 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=58, type=view]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=59, type=cat]; +"60 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=60, type=view]; +"61 /nncf_model_output_0" [id=61, type=nncf_model_output]; +"62 /nncf_model_output_1" [id=62, type=nncf_model_output]; +"63 /nncf_model_output_2" [id=63, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 AsymmetricQuantizer/asymmetric_quantize_0"; "1 AsymmetricQuantizer/asymmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"1 AsymmetricQuantizer/asymmetric_quantize_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"1 AsymmetricQuantizer/asymmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "65 /nncf_model_output_2"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "63 /nncf_model_output_0"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"62 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "64 /nncf_model_output_1"; +"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "63 /nncf_model_output_2"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "61 /nncf_model_output_0"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"60 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "62 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_bi_stacked.dot b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_bi_stacked.dot index 2b72621c2b4..cad352b14ab 100644 --- a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_bi_stacked.dot +++ b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_bi_stacked.dot @@ -12,262 +12,254 @@ strict digraph { "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=11, type=asymmetric_quantize]; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=13, type=asymmetric_quantize]; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=15, type=asymmetric_quantize]; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=17, type=asymmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=19, type=asymmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=21, type=asymmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=24, type=asymmetric_quantize]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=26, type=linear]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=27, type=asymmetric_quantize]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=28, type=cat]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=29, type=view]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=30, type=asymmetric_quantize]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=31, type=linear]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=32, type=asymmetric_quantize]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=33, type=asymmetric_quantize]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=34, type=linear]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=35, type=asymmetric_quantize]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=36, type=__add__]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=37, type=chunk]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=38, type=sigmoid]; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=39, type=asymmetric_quantize]; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=40, type=sigmoid]; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=14, type=asymmetric_quantize]; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=16, type=asymmetric_quantize]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=18, type=asymmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=20, type=asymmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=23, type=asymmetric_quantize]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=25, type=linear]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=26, type=asymmetric_quantize]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=27, type=cat]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=28, type=view]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=29, type=asymmetric_quantize]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=30, type=linear]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=31, type=asymmetric_quantize]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=32, type=asymmetric_quantize]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=33, type=linear]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=34, type=asymmetric_quantize]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=35, type=__add__]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=36, type=chunk]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=37, type=sigmoid]; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=38, type=asymmetric_quantize]; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=39, type=sigmoid]; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=40, type=tanh]; "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=41, type=asymmetric_quantize]; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=42, type=tanh]; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=42, type=sigmoid]; "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=43, type=asymmetric_quantize]; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=44, type=sigmoid]; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=44, type=__mul__]; "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=45, type=asymmetric_quantize]; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=46, type=__mul__]; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=46, type=__mul__]; "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=47, type=asymmetric_quantize]; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=48, type=__mul__]; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=49, type=asymmetric_quantize]; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=50, type=__add__]; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=51, type=tanh]; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=52, type=asymmetric_quantize]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=53, type=__mul__]; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=54, type=linear]; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=55, type=asymmetric_quantize]; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=56, type=cat]; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=57, type=view]; -"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=58, type=cat]; -"59 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" [id=59, type=asymmetric_quantize]; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=60, type=asymmetric_quantize]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=61, type=linear]; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=62, type=asymmetric_quantize]; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=63, type=asymmetric_quantize]; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=64, type=linear]; -"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=65, type=asymmetric_quantize]; -"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" [id=66, type=__add__]; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" [id=67, type=chunk]; -"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=68, type=sigmoid]; -"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=69, type=asymmetric_quantize]; -"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=70, type=sigmoid]; -"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=71, type=asymmetric_quantize]; -"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" [id=72, type=tanh]; -"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=73, type=asymmetric_quantize]; -"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=74, type=sigmoid]; -"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=75, type=asymmetric_quantize]; -"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" [id=76, type=__mul__]; -"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=77, type=asymmetric_quantize]; -"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" [id=78, type=__mul__]; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=48, type=__add__]; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=49, type=tanh]; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=50, type=asymmetric_quantize]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=51, type=__mul__]; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=52, type=linear]; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=53, type=asymmetric_quantize]; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=54, type=cat]; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=55, type=view]; +"56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=56, type=cat]; +"57 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" [id=57, type=asymmetric_quantize]; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=58, type=asymmetric_quantize]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=59, type=linear]; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=60, type=asymmetric_quantize]; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=61, type=asymmetric_quantize]; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=62, type=linear]; +"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=63, type=asymmetric_quantize]; +"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" [id=64, type=__add__]; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" [id=65, type=chunk]; +"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=66, type=sigmoid]; +"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=67, type=asymmetric_quantize]; +"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=68, type=sigmoid]; +"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" [id=69, type=tanh]; +"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=70, type=asymmetric_quantize]; +"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=71, type=sigmoid]; +"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=72, type=asymmetric_quantize]; +"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" [id=73, type=__mul__]; +"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=74, type=asymmetric_quantize]; +"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" [id=75, type=__mul__]; +"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=76, type=asymmetric_quantize]; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" [id=77, type=__add__]; +"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" [id=78, type=tanh]; "79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=79, type=asymmetric_quantize]; -"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" [id=80, type=__add__]; -"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" [id=81, type=tanh]; -"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=82, type=asymmetric_quantize]; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" [id=83, type=__mul__]; -"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=84, type=linear]; -"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=85, type=asymmetric_quantize]; -"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [id=86, type=cat]; -"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" [id=87, type=view]; -"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=88, type=asymmetric_quantize]; -"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=89, type=linear]; -"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=90, type=asymmetric_quantize]; -"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=91, type=asymmetric_quantize]; -"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=92, type=linear]; -"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=93, type=asymmetric_quantize]; -"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" [id=94, type=__add__]; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" [id=95, type=chunk]; -"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=96, type=sigmoid]; -"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=97, type=asymmetric_quantize]; -"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=98, type=sigmoid]; -"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=99, type=asymmetric_quantize]; -"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" [id=100, type=tanh]; -"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=101, type=asymmetric_quantize]; -"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=102, type=sigmoid]; -"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=103, type=asymmetric_quantize]; -"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" [id=104, type=__mul__]; -"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=105, type=asymmetric_quantize]; -"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" [id=106, type=__mul__]; -"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=107, type=asymmetric_quantize]; -"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" [id=108, type=__add__]; -"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" [id=109, type=tanh]; -"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=110, type=asymmetric_quantize]; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" [id=111, type=__mul__]; -"112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=112, type=linear]; -"113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=113, type=asymmetric_quantize]; -"114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [id=114, type=cat]; -"115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" [id=115, type=view]; -"116 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=116, type=cat]; -"117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=117, type=cat]; -"118 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=118, type=view]; -"119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=119, type=cat]; -"120 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=120, type=view]; -"121 /nncf_model_output_0" [id=121, type=nncf_model_output]; -"122 /nncf_model_output_1" [id=122, type=nncf_model_output]; -"123 /nncf_model_output_2" [id=123, type=nncf_model_output]; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" [id=80, type=__mul__]; +"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=81, type=linear]; +"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=82, type=asymmetric_quantize]; +"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [id=83, type=cat]; +"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" [id=84, type=view]; +"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=85, type=asymmetric_quantize]; +"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=86, type=linear]; +"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=87, type=asymmetric_quantize]; +"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=88, type=asymmetric_quantize]; +"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=89, type=linear]; +"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=90, type=asymmetric_quantize]; +"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" [id=91, type=__add__]; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" [id=92, type=chunk]; +"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=93, type=sigmoid]; +"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=94, type=asymmetric_quantize]; +"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=95, type=sigmoid]; +"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" [id=96, type=tanh]; +"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=97, type=asymmetric_quantize]; +"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=98, type=sigmoid]; +"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=99, type=asymmetric_quantize]; +"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" [id=100, type=__mul__]; +"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=101, type=asymmetric_quantize]; +"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" [id=102, type=__mul__]; +"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=103, type=asymmetric_quantize]; +"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" [id=104, type=__add__]; +"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" [id=105, type=tanh]; +"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=106, type=asymmetric_quantize]; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" [id=107, type=__mul__]; +"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=108, type=linear]; +"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=109, type=asymmetric_quantize]; +"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [id=110, type=cat]; +"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" [id=111, type=view]; +"112 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=112, type=cat]; +"113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=113, type=cat]; +"114 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=114, type=view]; +"115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=115, type=cat]; +"116 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=116, type=view]; +"117 /nncf_model_output_0" [id=117, type=nncf_model_output]; +"118 /nncf_model_output_1" [id=118, type=nncf_model_output]; +"119 /nncf_model_output_2" [id=119, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 AsymmetricQuantizer/asymmetric_quantize_0"; "1 AsymmetricQuantizer/asymmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"1 AsymmetricQuantizer/asymmetric_quantize_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"1 AsymmetricQuantizer/asymmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" -> "89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; -"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; -"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0"; -"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" -> "73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; -"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; -"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" -> "77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; -"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" -> "79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; -"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1"; -"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" -> "82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" -> "87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0"; -"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" -> "116 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; -"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; -"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; -"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" -> "95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; -"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0"; -"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" -> "101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; -"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; -"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" -> "105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; -"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" -> "107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; -"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1"; -"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" -> "110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0"; -"115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" -> "116 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; -"116 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "123 /nncf_model_output_2"; -"117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "118 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"118 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "121 /nncf_model_output_0"; -"119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "120 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"120 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "122 /nncf_model_output_1"; +"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" -> "86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; +"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; +"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; +"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0"; +"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" -> "70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; +"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; +"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" -> "74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; +"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" -> "76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1"; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" -> "79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" -> "84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0"; +"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; +"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; +"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; +"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" -> "92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; +"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; +"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0"; +"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" -> "97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; +"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; +"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" -> "101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; +"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" -> "103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; +"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1"; +"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" -> "106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" -> "111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0"; +"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; +"112 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "119 /nncf_model_output_2"; +"113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "114 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"114 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "117 /nncf_model_output_0"; +"115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "116 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"116 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "118 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_cell.dot b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_cell.dot index c3c0b51ffe8..8de873db389 100644 --- a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_cell.dot +++ b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_cell.dot @@ -12,21 +12,20 @@ strict digraph { "10 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=11, type=asymmetric_quantize]; "12 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=13, type=asymmetric_quantize]; -"14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=15, type=asymmetric_quantize]; -"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=17, type=asymmetric_quantize]; -"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=19, type=asymmetric_quantize]; -"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=21, type=asymmetric_quantize]; -"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=24, type=asymmetric_quantize]; -"25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 /nncf_model_output_0" [id=26, type=nncf_model_output]; -"27 /nncf_model_output_1" [id=27, type=nncf_model_output]; +"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=14, type=asymmetric_quantize]; +"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=16, type=asymmetric_quantize]; +"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=18, type=asymmetric_quantize]; +"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=20, type=asymmetric_quantize]; +"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=23, type=asymmetric_quantize]; +"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 /nncf_model_output_0" [id=25, type=nncf_model_output]; +"26 /nncf_model_output_1" [id=26, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 AsymmetricQuantizer/asymmetric_quantize_0"; "1 AsymmetricQuantizer/asymmetric_quantize_0" -> "3 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "3 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; @@ -38,23 +37,22 @@ strict digraph { "8 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___0" -> "9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0"; "9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"11 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; -"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; -"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "27 /nncf_model_output_1"; -"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 /nncf_model_output_0"; +"11 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; +"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; +"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "26 /nncf_model_output_1"; +"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 /nncf_model_output_0"; } diff --git a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_uni_seq.dot b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_uni_seq.dot index b572562e32f..77f7b3f28f1 100644 --- a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_uni_seq.dot +++ b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_uni_seq.dot @@ -12,70 +12,68 @@ strict digraph { "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=11, type=asymmetric_quantize]; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=13, type=asymmetric_quantize]; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=15, type=asymmetric_quantize]; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=17, type=asymmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=19, type=asymmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=21, type=asymmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=24, type=asymmetric_quantize]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=26, type=linear]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=27, type=asymmetric_quantize]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=28, type=cat]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=29, type=view]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=30, type=cat]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=31, type=cat]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=32, type=view]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=33, type=cat]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=34, type=view]; -"35 /nncf_model_output_0" [id=35, type=nncf_model_output]; -"36 /nncf_model_output_1" [id=36, type=nncf_model_output]; -"37 /nncf_model_output_2" [id=37, type=nncf_model_output]; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=14, type=asymmetric_quantize]; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=16, type=asymmetric_quantize]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=18, type=asymmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=20, type=asymmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=23, type=asymmetric_quantize]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=25, type=linear]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=26, type=asymmetric_quantize]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=27, type=cat]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=28, type=view]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=29, type=cat]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=30, type=cat]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=31, type=view]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=32, type=cat]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=33, type=view]; +"34 /nncf_model_output_0" [id=34, type=nncf_model_output]; +"35 /nncf_model_output_1" [id=35, type=nncf_model_output]; +"36 /nncf_model_output_2" [id=36, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 AsymmetricQuantizer/asymmetric_quantize_0"; "1 AsymmetricQuantizer/asymmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "37 /nncf_model_output_2"; -"31 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "35 /nncf_model_output_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "36 /nncf_model_output_1"; +"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "36 /nncf_model_output_2"; +"30 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "34 /nncf_model_output_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "35 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_uni_stacked.dot b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_uni_stacked.dot index 9424d07d13e..668084a48eb 100644 --- a/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_uni_stacked.dot +++ b/tests/torch/data/reference_graphs/quantized/asymmetric/lstm_uni_stacked.dot @@ -12,136 +12,132 @@ strict digraph { "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=11, type=asymmetric_quantize]; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=13, type=asymmetric_quantize]; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=15, type=asymmetric_quantize]; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=17, type=asymmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=19, type=asymmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=21, type=asymmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=24, type=asymmetric_quantize]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=26, type=linear]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=27, type=asymmetric_quantize]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=28, type=cat]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=29, type=view]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=30, type=cat]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" [id=31, type=asymmetric_quantize]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=32, type=asymmetric_quantize]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=33, type=linear]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=34, type=asymmetric_quantize]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=35, type=asymmetric_quantize]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=36, type=linear]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=37, type=asymmetric_quantize]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=38, type=__add__]; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=39, type=chunk]; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=40, type=sigmoid]; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=41, type=asymmetric_quantize]; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=42, type=sigmoid]; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=14, type=asymmetric_quantize]; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=16, type=asymmetric_quantize]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=18, type=asymmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=20, type=asymmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=23, type=asymmetric_quantize]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=25, type=linear]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=26, type=asymmetric_quantize]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=27, type=cat]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=28, type=view]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=29, type=cat]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" [id=30, type=asymmetric_quantize]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=31, type=asymmetric_quantize]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=32, type=linear]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=33, type=asymmetric_quantize]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" [id=34, type=asymmetric_quantize]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=35, type=linear]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=36, type=asymmetric_quantize]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=37, type=__add__]; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=38, type=chunk]; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=39, type=sigmoid]; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" [id=40, type=asymmetric_quantize]; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=41, type=sigmoid]; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=42, type=tanh]; "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" [id=43, type=asymmetric_quantize]; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=44, type=tanh]; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=44, type=sigmoid]; "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" [id=45, type=asymmetric_quantize]; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=46, type=sigmoid]; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=46, type=__mul__]; "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" [id=47, type=asymmetric_quantize]; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=48, type=__mul__]; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=48, type=__mul__]; "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" [id=49, type=asymmetric_quantize]; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=50, type=__mul__]; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=51, type=asymmetric_quantize]; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=52, type=__add__]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=53, type=tanh]; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" [id=54, type=asymmetric_quantize]; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=55, type=__mul__]; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=56, type=linear]; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=57, type=asymmetric_quantize]; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=58, type=cat]; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=59, type=view]; -"60 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=60, type=cat]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=61, type=cat]; -"62 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=62, type=view]; -"63 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=63, type=cat]; -"64 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=64, type=view]; -"65 /nncf_model_output_0" [id=65, type=nncf_model_output]; -"66 /nncf_model_output_1" [id=66, type=nncf_model_output]; -"67 /nncf_model_output_2" [id=67, type=nncf_model_output]; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=50, type=__add__]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=51, type=tanh]; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" [id=52, type=asymmetric_quantize]; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=53, type=__mul__]; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=54, type=linear]; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" [id=55, type=asymmetric_quantize]; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=56, type=cat]; +"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=57, type=view]; +"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=58, type=cat]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=59, type=cat]; +"60 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=60, type=view]; +"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=61, type=cat]; +"62 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=62, type=view]; +"63 /nncf_model_output_0" [id=63, type=nncf_model_output]; +"64 /nncf_model_output_1" [id=64, type=nncf_model_output]; +"65 /nncf_model_output_2" [id=65, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 AsymmetricQuantizer/asymmetric_quantize_0"; "1 AsymmetricQuantizer/asymmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0"; -"31 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6"; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_6" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "67 /nncf_model_output_2"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"62 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "65 /nncf_model_output_0"; -"63 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"64 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "66 /nncf_model_output_1"; +"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0"; +"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/AsymmetricQuantizer/asymmetric_quantize_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/AsymmetricQuantizer[op]/asymmetric_quantize_0" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1"; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_1" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2"; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_2" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3"; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_3" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4"; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_4" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5"; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/AsymmetricQuantizer/asymmetric_quantize_5" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/AsymmetricQuantizer/asymmetric_quantize_0"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "65 /nncf_model_output_2"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"60 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "63 /nncf_model_output_0"; +"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"62 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "64 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized/hw/CPU/inception_v3.dot b/tests/torch/data/reference_graphs/quantized/hw/CPU/inception_v3.dot index d95673c08dd..f1b0199bdea 100644 --- a/tests/torch/data/reference_graphs/quantized/hw/CPU/inception_v3.dot +++ b/tests/torch/data/reference_graphs/quantized/hw/CPU/inception_v3.dot @@ -329,11 +329,8 @@ strict digraph { "327 Inception3/NNCFLinear[fc]/linear_0" [id=327, type=linear]; "328 /nncf_model_output_0" [id=328, type=nncf_model_output]; "/nncf_model_input_0|OUT" [color=purple, id=0, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; -"Inception3/__mul___0|OUT" [color=purple, id=3, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/__add___0|OUT" [color=purple, id=4, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; -"Inception3/__mul___1|OUT" [color=purple, id=7, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/__add___1|OUT" [color=purple, id=8, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; -"Inception3/__mul___2|OUT" [color=purple, id=11, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/__add___2|OUT" [color=purple, id=12, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0|WEIGHT" [color=purple, id=14, label="Quantizer: B:8 M:S SGN:S PC:Y"]; "Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0|OUT" [color=purple, id=16, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; @@ -537,15 +534,15 @@ strict digraph { "0 /nncf_model_input_0" -> "/nncf_model_input_0|OUT"; "1 Inception3/__getitem___0" -> "2 Inception3/unsqueeze_0"; "2 Inception3/unsqueeze_0" -> "3 Inception3/__mul___0"; -"3 Inception3/__mul___0" -> "Inception3/__mul___0|OUT"; +"3 Inception3/__mul___0" -> "4 Inception3/__add___0"; "4 Inception3/__add___0" -> "Inception3/__add___0|OUT"; "5 Inception3/__getitem___1" -> "6 Inception3/unsqueeze_1"; "6 Inception3/unsqueeze_1" -> "7 Inception3/__mul___1"; -"7 Inception3/__mul___1" -> "Inception3/__mul___1|OUT"; +"7 Inception3/__mul___1" -> "8 Inception3/__add___1"; "8 Inception3/__add___1" -> "Inception3/__add___1|OUT"; "9 Inception3/__getitem___2" -> "10 Inception3/unsqueeze_2"; "10 Inception3/unsqueeze_2" -> "11 Inception3/__mul___2"; -"11 Inception3/__mul___2" -> "Inception3/__mul___2|OUT"; +"11 Inception3/__mul___2" -> "12 Inception3/__add___2"; "12 Inception3/__add___2" -> "Inception3/__add___2|OUT"; "13 Inception3/cat_0" -> "14 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; "14 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "15 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; @@ -896,11 +893,8 @@ strict digraph { "/nncf_model_input_0|OUT" -> "1 Inception3/__getitem___0"; "/nncf_model_input_0|OUT" -> "5 Inception3/__getitem___1"; "/nncf_model_input_0|OUT" -> "9 Inception3/__getitem___2"; -"Inception3/__mul___0|OUT" -> "4 Inception3/__add___0"; "Inception3/__add___0|OUT" -> "13 Inception3/cat_0"; -"Inception3/__mul___1|OUT" -> "8 Inception3/__add___1"; "Inception3/__add___1|OUT" -> "13 Inception3/cat_0"; -"Inception3/__mul___2|OUT" -> "12 Inception3/__add___2"; "Inception3/__add___2|OUT" -> "13 Inception3/cat_0"; "Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0|WEIGHT" -> "14 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; "Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0|OUT" -> "17 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; diff --git a/tests/torch/data/reference_graphs/quantized/hw/GPU/inception_v3.dot b/tests/torch/data/reference_graphs/quantized/hw/GPU/inception_v3.dot index d95673c08dd..f1b0199bdea 100644 --- a/tests/torch/data/reference_graphs/quantized/hw/GPU/inception_v3.dot +++ b/tests/torch/data/reference_graphs/quantized/hw/GPU/inception_v3.dot @@ -329,11 +329,8 @@ strict digraph { "327 Inception3/NNCFLinear[fc]/linear_0" [id=327, type=linear]; "328 /nncf_model_output_0" [id=328, type=nncf_model_output]; "/nncf_model_input_0|OUT" [color=purple, id=0, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; -"Inception3/__mul___0|OUT" [color=purple, id=3, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/__add___0|OUT" [color=purple, id=4, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; -"Inception3/__mul___1|OUT" [color=purple, id=7, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/__add___1|OUT" [color=purple, id=8, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; -"Inception3/__mul___2|OUT" [color=purple, id=11, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/__add___2|OUT" [color=purple, id=12, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0|WEIGHT" [color=purple, id=14, label="Quantizer: B:8 M:S SGN:S PC:Y"]; "Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0|OUT" [color=purple, id=16, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; @@ -537,15 +534,15 @@ strict digraph { "0 /nncf_model_input_0" -> "/nncf_model_input_0|OUT"; "1 Inception3/__getitem___0" -> "2 Inception3/unsqueeze_0"; "2 Inception3/unsqueeze_0" -> "3 Inception3/__mul___0"; -"3 Inception3/__mul___0" -> "Inception3/__mul___0|OUT"; +"3 Inception3/__mul___0" -> "4 Inception3/__add___0"; "4 Inception3/__add___0" -> "Inception3/__add___0|OUT"; "5 Inception3/__getitem___1" -> "6 Inception3/unsqueeze_1"; "6 Inception3/unsqueeze_1" -> "7 Inception3/__mul___1"; -"7 Inception3/__mul___1" -> "Inception3/__mul___1|OUT"; +"7 Inception3/__mul___1" -> "8 Inception3/__add___1"; "8 Inception3/__add___1" -> "Inception3/__add___1|OUT"; "9 Inception3/__getitem___2" -> "10 Inception3/unsqueeze_2"; "10 Inception3/unsqueeze_2" -> "11 Inception3/__mul___2"; -"11 Inception3/__mul___2" -> "Inception3/__mul___2|OUT"; +"11 Inception3/__mul___2" -> "12 Inception3/__add___2"; "12 Inception3/__add___2" -> "Inception3/__add___2|OUT"; "13 Inception3/cat_0" -> "14 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; "14 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "15 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; @@ -896,11 +893,8 @@ strict digraph { "/nncf_model_input_0|OUT" -> "1 Inception3/__getitem___0"; "/nncf_model_input_0|OUT" -> "5 Inception3/__getitem___1"; "/nncf_model_input_0|OUT" -> "9 Inception3/__getitem___2"; -"Inception3/__mul___0|OUT" -> "4 Inception3/__add___0"; "Inception3/__add___0|OUT" -> "13 Inception3/cat_0"; -"Inception3/__mul___1|OUT" -> "8 Inception3/__add___1"; "Inception3/__add___1|OUT" -> "13 Inception3/cat_0"; -"Inception3/__mul___2|OUT" -> "12 Inception3/__add___2"; "Inception3/__add___2|OUT" -> "13 Inception3/cat_0"; "Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0|WEIGHT" -> "14 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; "Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0|OUT" -> "17 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; diff --git a/tests/torch/data/reference_graphs/quantized/hw/NPU/inception_v3.dot b/tests/torch/data/reference_graphs/quantized/hw/NPU/inception_v3.dot index d95673c08dd..f1b0199bdea 100644 --- a/tests/torch/data/reference_graphs/quantized/hw/NPU/inception_v3.dot +++ b/tests/torch/data/reference_graphs/quantized/hw/NPU/inception_v3.dot @@ -329,11 +329,8 @@ strict digraph { "327 Inception3/NNCFLinear[fc]/linear_0" [id=327, type=linear]; "328 /nncf_model_output_0" [id=328, type=nncf_model_output]; "/nncf_model_input_0|OUT" [color=purple, id=0, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; -"Inception3/__mul___0|OUT" [color=purple, id=3, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/__add___0|OUT" [color=purple, id=4, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; -"Inception3/__mul___1|OUT" [color=purple, id=7, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/__add___1|OUT" [color=purple, id=8, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; -"Inception3/__mul___2|OUT" [color=purple, id=11, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/__add___2|OUT" [color=purple, id=12, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; "Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0|WEIGHT" [color=purple, id=14, label="Quantizer: B:8 M:S SGN:S PC:Y"]; "Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0|OUT" [color=purple, id=16, label="Quantizer: B:8 M:S SGN:ANY PC:N"]; @@ -537,15 +534,15 @@ strict digraph { "0 /nncf_model_input_0" -> "/nncf_model_input_0|OUT"; "1 Inception3/__getitem___0" -> "2 Inception3/unsqueeze_0"; "2 Inception3/unsqueeze_0" -> "3 Inception3/__mul___0"; -"3 Inception3/__mul___0" -> "Inception3/__mul___0|OUT"; +"3 Inception3/__mul___0" -> "4 Inception3/__add___0"; "4 Inception3/__add___0" -> "Inception3/__add___0|OUT"; "5 Inception3/__getitem___1" -> "6 Inception3/unsqueeze_1"; "6 Inception3/unsqueeze_1" -> "7 Inception3/__mul___1"; -"7 Inception3/__mul___1" -> "Inception3/__mul___1|OUT"; +"7 Inception3/__mul___1" -> "8 Inception3/__add___1"; "8 Inception3/__add___1" -> "Inception3/__add___1|OUT"; "9 Inception3/__getitem___2" -> "10 Inception3/unsqueeze_2"; "10 Inception3/unsqueeze_2" -> "11 Inception3/__mul___2"; -"11 Inception3/__mul___2" -> "Inception3/__mul___2|OUT"; +"11 Inception3/__mul___2" -> "12 Inception3/__add___2"; "12 Inception3/__add___2" -> "Inception3/__add___2|OUT"; "13 Inception3/cat_0" -> "14 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; "14 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "15 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; @@ -896,11 +893,8 @@ strict digraph { "/nncf_model_input_0|OUT" -> "1 Inception3/__getitem___0"; "/nncf_model_input_0|OUT" -> "5 Inception3/__getitem___1"; "/nncf_model_input_0|OUT" -> "9 Inception3/__getitem___2"; -"Inception3/__mul___0|OUT" -> "4 Inception3/__add___0"; "Inception3/__add___0|OUT" -> "13 Inception3/cat_0"; -"Inception3/__mul___1|OUT" -> "8 Inception3/__add___1"; "Inception3/__add___1|OUT" -> "13 Inception3/cat_0"; -"Inception3/__mul___2|OUT" -> "12 Inception3/__add___2"; "Inception3/__add___2|OUT" -> "13 Inception3/cat_0"; "Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0|WEIGHT" -> "14 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; "Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0|OUT" -> "17 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; diff --git a/tests/torch/data/reference_graphs/quantized/ptq/symmetric/inception_v3.dot b/tests/torch/data/reference_graphs/quantized/ptq/symmetric/inception_v3.dot index b618d750fba..ce50082da57 100644 --- a/tests/torch/data/reference_graphs/quantized/ptq/symmetric/inception_v3.dot +++ b/tests/torch/data/reference_graphs/quantized/ptq/symmetric/inception_v3.dot @@ -4,1673 +4,1667 @@ strict digraph { "2 Inception3/__getitem___0" [id=2, type=__getitem__]; "3 Inception3/unsqueeze_0" [id=3, type=unsqueeze]; "4 Inception3/__mul___0" [id=4, type=__mul__]; -"5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___0|OUTPUT]/symmetric_quantize_0" [id=5, type=symmetric_quantize]; -"6 Inception3/__add___0" [id=6, type=__add__]; -"7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" [id=7, type=symmetric_quantize]; -"8 Inception3/__getitem___1" [id=8, type=__getitem__]; -"9 Inception3/unsqueeze_1" [id=9, type=unsqueeze]; -"10 Inception3/__mul___1" [id=10, type=__mul__]; -"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___1|OUTPUT]/symmetric_quantize_0" [id=11, type=symmetric_quantize]; -"12 Inception3/__add___1" [id=12, type=__add__]; -"13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" [id=13, type=symmetric_quantize]; -"14 Inception3/__getitem___2" [id=14, type=__getitem__]; -"15 Inception3/unsqueeze_2" [id=15, type=unsqueeze]; -"16 Inception3/__mul___2" [id=16, type=__mul__]; -"17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___2|OUTPUT]/symmetric_quantize_0" [id=17, type=symmetric_quantize]; -"18 Inception3/__add___2" [id=18, type=__add__]; -"19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" [id=19, type=symmetric_quantize]; -"20 Inception3/cat_0" [id=20, type=cat]; -"21 Conv2d_1a_3x3.conv.weight" [id=21, type=nncf_model_const]; -"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=22, type=symmetric_quantize]; -"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/conv2d_0" [id=23, type=conv2d]; -"24 Conv2d_1a_3x3.bn.weight" [id=24, type=nncf_model_const]; -"25 Conv2d_1a_3x3.bn.bias" [id=25, type=nncf_model_const]; -"26 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0" [id=26, type=batch_norm]; -"27 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" [id=27, type=relu_]; -"28 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=28, type=symmetric_quantize]; -"29 Conv2d_2a_3x3.conv.weight" [id=29, type=nncf_model_const]; -"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=30, type=symmetric_quantize]; -"31 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/conv2d_0" [id=31, type=conv2d]; -"32 Conv2d_2a_3x3.bn.weight" [id=32, type=nncf_model_const]; -"33 Conv2d_2a_3x3.bn.bias" [id=33, type=nncf_model_const]; -"34 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0" [id=34, type=batch_norm]; -"35 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" [id=35, type=relu_]; -"36 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=36, type=symmetric_quantize]; -"37 Conv2d_2b_3x3.conv.weight" [id=37, type=nncf_model_const]; -"38 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=38, type=symmetric_quantize]; -"39 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/conv2d_0" [id=39, type=conv2d]; -"40 Conv2d_2b_3x3.bn.weight" [id=40, type=nncf_model_const]; -"41 Conv2d_2b_3x3.bn.bias" [id=41, type=nncf_model_const]; -"42 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0" [id=42, type=batch_norm]; -"43 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" [id=43, type=relu_]; -"44 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=44, type=symmetric_quantize]; -"45 Inception3/max_pool2d_0" [id=45, type=max_pool2d]; -"46 Conv2d_3b_1x1.conv.weight" [id=46, type=nncf_model_const]; -"47 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=47, type=symmetric_quantize]; -"48 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/conv2d_0" [id=48, type=conv2d]; -"49 Conv2d_3b_1x1.bn.weight" [id=49, type=nncf_model_const]; -"50 Conv2d_3b_1x1.bn.bias" [id=50, type=nncf_model_const]; -"51 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0" [id=51, type=batch_norm]; -"52 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" [id=52, type=relu_]; -"53 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=53, type=symmetric_quantize]; -"54 Conv2d_4a_3x3.conv.weight" [id=54, type=nncf_model_const]; -"55 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=55, type=symmetric_quantize]; -"56 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/conv2d_0" [id=56, type=conv2d]; -"57 Conv2d_4a_3x3.bn.weight" [id=57, type=nncf_model_const]; -"58 Conv2d_4a_3x3.bn.bias" [id=58, type=nncf_model_const]; -"59 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0" [id=59, type=batch_norm]; -"60 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" [id=60, type=relu_]; -"61 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=61, type=symmetric_quantize]; -"62 Inception3/max_pool2d_1" [id=62, type=max_pool2d]; -"63 Mixed_5b.branch1x1.conv.weight" [id=63, type=nncf_model_const]; -"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=64, type=symmetric_quantize]; -"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=65, type=conv2d]; -"66 Mixed_5b.branch1x1.bn.weight" [id=66, type=nncf_model_const]; -"67 Mixed_5b.branch1x1.bn.bias" [id=67, type=nncf_model_const]; -"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=68, type=batch_norm]; -"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" [id=69, type=relu_]; -"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=70, type=symmetric_quantize]; -"71 Mixed_5b.branch5x5_1.conv.weight" [id=71, type=nncf_model_const]; -"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=72, type=symmetric_quantize]; -"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" [id=73, type=conv2d]; -"74 Mixed_5b.branch5x5_1.bn.weight" [id=74, type=nncf_model_const]; -"75 Mixed_5b.branch5x5_1.bn.bias" [id=75, type=nncf_model_const]; -"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" [id=76, type=batch_norm]; -"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" [id=77, type=relu_]; -"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=78, type=symmetric_quantize]; -"79 Mixed_5b.branch5x5_2.conv.weight" [id=79, type=nncf_model_const]; -"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=80, type=symmetric_quantize]; -"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" [id=81, type=conv2d]; -"82 Mixed_5b.branch5x5_2.bn.weight" [id=82, type=nncf_model_const]; -"83 Mixed_5b.branch5x5_2.bn.bias" [id=83, type=nncf_model_const]; -"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" [id=84, type=batch_norm]; -"85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" [id=85, type=relu_]; -"86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=86, type=symmetric_quantize]; -"87 Mixed_5b.branch3x3dbl_1.conv.weight" [id=87, type=nncf_model_const]; -"88 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=88, type=symmetric_quantize]; -"89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=89, type=conv2d]; -"90 Mixed_5b.branch3x3dbl_1.bn.weight" [id=90, type=nncf_model_const]; -"91 Mixed_5b.branch3x3dbl_1.bn.bias" [id=91, type=nncf_model_const]; -"92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=92, type=batch_norm]; -"93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=93, type=relu_]; -"94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=94, type=symmetric_quantize]; -"95 Mixed_5b.branch3x3dbl_2.conv.weight" [id=95, type=nncf_model_const]; -"96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=96, type=symmetric_quantize]; -"97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=97, type=conv2d]; -"98 Mixed_5b.branch3x3dbl_2.bn.weight" [id=98, type=nncf_model_const]; -"99 Mixed_5b.branch3x3dbl_2.bn.bias" [id=99, type=nncf_model_const]; -"100 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=100, type=batch_norm]; -"101 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=101, type=relu_]; -"102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=102, type=symmetric_quantize]; -"103 Mixed_5b.branch3x3dbl_3.conv.weight" [id=103, type=nncf_model_const]; -"104 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=104, type=symmetric_quantize]; -"105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" [id=105, type=conv2d]; -"106 Mixed_5b.branch3x3dbl_3.bn.weight" [id=106, type=nncf_model_const]; -"107 Mixed_5b.branch3x3dbl_3.bn.bias" [id=107, type=nncf_model_const]; -"108 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=108, type=batch_norm]; -"109 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=109, type=relu_]; -"110 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=110, type=symmetric_quantize]; -"111 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" [id=111, type=avg_pool2d]; -"112 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" [id=112, type=symmetric_quantize]; -"113 Mixed_5b.branch_pool.conv.weight" [id=113, type=nncf_model_const]; -"114 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=114, type=symmetric_quantize]; -"115 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=115, type=conv2d]; -"116 Mixed_5b.branch_pool.bn.weight" [id=116, type=nncf_model_const]; -"117 Mixed_5b.branch_pool.bn.bias" [id=117, type=nncf_model_const]; -"118 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=118, type=batch_norm]; -"119 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" [id=119, type=relu_]; -"120 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=120, type=symmetric_quantize]; -"121 Inception3/InceptionA[Mixed_5b]/cat_0" [id=121, type=cat]; -"122 Mixed_5c.branch1x1.conv.weight" [id=122, type=nncf_model_const]; -"123 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=123, type=symmetric_quantize]; -"124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=124, type=conv2d]; -"125 Mixed_5c.branch1x1.bn.weight" [id=125, type=nncf_model_const]; -"126 Mixed_5c.branch1x1.bn.bias" [id=126, type=nncf_model_const]; -"127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=127, type=batch_norm]; -"128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" [id=128, type=relu_]; -"129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=129, type=symmetric_quantize]; -"130 Mixed_5c.branch5x5_1.conv.weight" [id=130, type=nncf_model_const]; -"131 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=131, type=symmetric_quantize]; -"132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" [id=132, type=conv2d]; -"133 Mixed_5c.branch5x5_1.bn.weight" [id=133, type=nncf_model_const]; -"134 Mixed_5c.branch5x5_1.bn.bias" [id=134, type=nncf_model_const]; -"135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" [id=135, type=batch_norm]; -"136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" [id=136, type=relu_]; -"137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=137, type=symmetric_quantize]; -"138 Mixed_5c.branch5x5_2.conv.weight" [id=138, type=nncf_model_const]; -"139 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=139, type=symmetric_quantize]; -"140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" [id=140, type=conv2d]; -"141 Mixed_5c.branch5x5_2.bn.weight" [id=141, type=nncf_model_const]; -"142 Mixed_5c.branch5x5_2.bn.bias" [id=142, type=nncf_model_const]; -"143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" [id=143, type=batch_norm]; -"144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" [id=144, type=relu_]; -"145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=145, type=symmetric_quantize]; -"146 Mixed_5c.branch3x3dbl_1.conv.weight" [id=146, type=nncf_model_const]; -"147 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=147, type=symmetric_quantize]; -"148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=148, type=conv2d]; -"149 Mixed_5c.branch3x3dbl_1.bn.weight" [id=149, type=nncf_model_const]; -"150 Mixed_5c.branch3x3dbl_1.bn.bias" [id=150, type=nncf_model_const]; -"151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=151, type=batch_norm]; -"152 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=152, type=relu_]; -"153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=153, type=symmetric_quantize]; -"154 Mixed_5c.branch3x3dbl_2.conv.weight" [id=154, type=nncf_model_const]; -"155 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=155, type=symmetric_quantize]; -"156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=156, type=conv2d]; -"157 Mixed_5c.branch3x3dbl_2.bn.weight" [id=157, type=nncf_model_const]; -"158 Mixed_5c.branch3x3dbl_2.bn.bias" [id=158, type=nncf_model_const]; -"159 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=159, type=batch_norm]; -"160 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=160, type=relu_]; -"161 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=161, type=symmetric_quantize]; -"162 Mixed_5c.branch3x3dbl_3.conv.weight" [id=162, type=nncf_model_const]; -"163 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=163, type=symmetric_quantize]; -"164 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" [id=164, type=conv2d]; -"165 Mixed_5c.branch3x3dbl_3.bn.weight" [id=165, type=nncf_model_const]; -"166 Mixed_5c.branch3x3dbl_3.bn.bias" [id=166, type=nncf_model_const]; -"167 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=167, type=batch_norm]; -"168 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=168, type=relu_]; -"169 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=169, type=symmetric_quantize]; -"170 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" [id=170, type=avg_pool2d]; -"171 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" [id=171, type=symmetric_quantize]; -"172 Mixed_5c.branch_pool.conv.weight" [id=172, type=nncf_model_const]; -"173 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=173, type=symmetric_quantize]; -"174 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=174, type=conv2d]; -"175 Mixed_5c.branch_pool.bn.weight" [id=175, type=nncf_model_const]; -"176 Mixed_5c.branch_pool.bn.bias" [id=176, type=nncf_model_const]; -"177 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=177, type=batch_norm]; -"178 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" [id=178, type=relu_]; -"179 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=179, type=symmetric_quantize]; -"180 Inception3/InceptionA[Mixed_5c]/cat_0" [id=180, type=cat]; -"181 Mixed_5d.branch1x1.conv.weight" [id=181, type=nncf_model_const]; -"182 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=182, type=symmetric_quantize]; -"183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=183, type=conv2d]; -"184 Mixed_5d.branch1x1.bn.weight" [id=184, type=nncf_model_const]; -"185 Mixed_5d.branch1x1.bn.bias" [id=185, type=nncf_model_const]; -"186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=186, type=batch_norm]; -"187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" [id=187, type=relu_]; -"188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=188, type=symmetric_quantize]; -"189 Mixed_5d.branch5x5_1.conv.weight" [id=189, type=nncf_model_const]; -"190 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=190, type=symmetric_quantize]; -"191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" [id=191, type=conv2d]; -"192 Mixed_5d.branch5x5_1.bn.weight" [id=192, type=nncf_model_const]; -"193 Mixed_5d.branch5x5_1.bn.bias" [id=193, type=nncf_model_const]; -"194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" [id=194, type=batch_norm]; -"195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" [id=195, type=relu_]; -"196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=196, type=symmetric_quantize]; -"197 Mixed_5d.branch5x5_2.conv.weight" [id=197, type=nncf_model_const]; -"198 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=198, type=symmetric_quantize]; -"199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" [id=199, type=conv2d]; -"200 Mixed_5d.branch5x5_2.bn.weight" [id=200, type=nncf_model_const]; -"201 Mixed_5d.branch5x5_2.bn.bias" [id=201, type=nncf_model_const]; -"202 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" [id=202, type=batch_norm]; -"203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" [id=203, type=relu_]; -"204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=204, type=symmetric_quantize]; -"205 Mixed_5d.branch3x3dbl_1.conv.weight" [id=205, type=nncf_model_const]; -"206 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=206, type=symmetric_quantize]; -"207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=207, type=conv2d]; -"208 Mixed_5d.branch3x3dbl_1.bn.weight" [id=208, type=nncf_model_const]; -"209 Mixed_5d.branch3x3dbl_1.bn.bias" [id=209, type=nncf_model_const]; -"210 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=210, type=batch_norm]; -"211 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=211, type=relu_]; -"212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=212, type=symmetric_quantize]; -"213 Mixed_5d.branch3x3dbl_2.conv.weight" [id=213, type=nncf_model_const]; -"214 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=214, type=symmetric_quantize]; -"215 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=215, type=conv2d]; -"216 Mixed_5d.branch3x3dbl_2.bn.weight" [id=216, type=nncf_model_const]; -"217 Mixed_5d.branch3x3dbl_2.bn.bias" [id=217, type=nncf_model_const]; -"218 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=218, type=batch_norm]; -"219 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=219, type=relu_]; -"220 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=220, type=symmetric_quantize]; -"221 Mixed_5d.branch3x3dbl_3.conv.weight" [id=221, type=nncf_model_const]; -"222 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=222, type=symmetric_quantize]; -"223 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" [id=223, type=conv2d]; -"224 Mixed_5d.branch3x3dbl_3.bn.weight" [id=224, type=nncf_model_const]; -"225 Mixed_5d.branch3x3dbl_3.bn.bias" [id=225, type=nncf_model_const]; -"226 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=226, type=batch_norm]; -"227 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=227, type=relu_]; -"228 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=228, type=symmetric_quantize]; -"229 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" [id=229, type=avg_pool2d]; -"230 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" [id=230, type=symmetric_quantize]; -"231 Mixed_5d.branch_pool.conv.weight" [id=231, type=nncf_model_const]; -"232 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=232, type=symmetric_quantize]; -"233 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=233, type=conv2d]; -"234 Mixed_5d.branch_pool.bn.weight" [id=234, type=nncf_model_const]; -"235 Mixed_5d.branch_pool.bn.bias" [id=235, type=nncf_model_const]; -"236 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=236, type=batch_norm]; -"237 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" [id=237, type=relu_]; -"238 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=238, type=symmetric_quantize]; -"239 Inception3/InceptionA[Mixed_5d]/cat_0" [id=239, type=cat]; -"240 Mixed_6a.branch3x3.conv.weight" [id=240, type=nncf_model_const]; -"241 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=241, type=symmetric_quantize]; -"242 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/conv2d_0" [id=242, type=conv2d]; -"243 Mixed_6a.branch3x3.bn.weight" [id=243, type=nncf_model_const]; -"244 Mixed_6a.branch3x3.bn.bias" [id=244, type=nncf_model_const]; -"245 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0" [id=245, type=batch_norm]; -"246 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" [id=246, type=relu_]; -"247 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=247, type=symmetric_quantize]; -"248 Mixed_6a.branch3x3dbl_1.conv.weight" [id=248, type=nncf_model_const]; -"249 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=249, type=symmetric_quantize]; -"250 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=250, type=conv2d]; -"251 Mixed_6a.branch3x3dbl_1.bn.weight" [id=251, type=nncf_model_const]; -"252 Mixed_6a.branch3x3dbl_1.bn.bias" [id=252, type=nncf_model_const]; -"253 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=253, type=batch_norm]; -"254 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=254, type=relu_]; -"255 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=255, type=symmetric_quantize]; -"256 Mixed_6a.branch3x3dbl_2.conv.weight" [id=256, type=nncf_model_const]; -"257 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=257, type=symmetric_quantize]; -"258 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=258, type=conv2d]; -"259 Mixed_6a.branch3x3dbl_2.bn.weight" [id=259, type=nncf_model_const]; -"260 Mixed_6a.branch3x3dbl_2.bn.bias" [id=260, type=nncf_model_const]; -"261 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=261, type=batch_norm]; -"262 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=262, type=relu_]; -"263 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=263, type=symmetric_quantize]; -"264 Mixed_6a.branch3x3dbl_3.conv.weight" [id=264, type=nncf_model_const]; -"265 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=265, type=symmetric_quantize]; -"266 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" [id=266, type=conv2d]; -"267 Mixed_6a.branch3x3dbl_3.bn.weight" [id=267, type=nncf_model_const]; -"268 Mixed_6a.branch3x3dbl_3.bn.bias" [id=268, type=nncf_model_const]; -"269 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=269, type=batch_norm]; -"270 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=270, type=relu_]; -"271 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=271, type=symmetric_quantize]; -"272 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" [id=272, type=max_pool2d]; -"273 Inception3/InceptionB[Mixed_6a]/cat_0" [id=273, type=cat]; -"274 Mixed_6b.branch1x1.conv.weight" [id=274, type=nncf_model_const]; -"275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=275, type=symmetric_quantize]; -"276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=276, type=conv2d]; -"277 Mixed_6b.branch1x1.bn.weight" [id=277, type=nncf_model_const]; -"278 Mixed_6b.branch1x1.bn.bias" [id=278, type=nncf_model_const]; -"279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=279, type=batch_norm]; -"280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" [id=280, type=relu_]; -"281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=281, type=symmetric_quantize]; -"282 Mixed_6b.branch7x7_1.conv.weight" [id=282, type=nncf_model_const]; -"283 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=283, type=symmetric_quantize]; -"284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" [id=284, type=conv2d]; -"285 Mixed_6b.branch7x7_1.bn.weight" [id=285, type=nncf_model_const]; -"286 Mixed_6b.branch7x7_1.bn.bias" [id=286, type=nncf_model_const]; -"287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" [id=287, type=batch_norm]; -"288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" [id=288, type=relu_]; -"289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=289, type=symmetric_quantize]; -"290 Mixed_6b.branch7x7_2.conv.weight" [id=290, type=nncf_model_const]; -"291 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=291, type=symmetric_quantize]; -"292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" [id=292, type=conv2d]; -"293 Mixed_6b.branch7x7_2.bn.weight" [id=293, type=nncf_model_const]; -"294 Mixed_6b.branch7x7_2.bn.bias" [id=294, type=nncf_model_const]; -"295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" [id=295, type=batch_norm]; -"296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" [id=296, type=relu_]; -"297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=297, type=symmetric_quantize]; -"298 Mixed_6b.branch7x7_3.conv.weight" [id=298, type=nncf_model_const]; -"299 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=299, type=symmetric_quantize]; -"300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" [id=300, type=conv2d]; -"301 Mixed_6b.branch7x7_3.bn.weight" [id=301, type=nncf_model_const]; -"302 Mixed_6b.branch7x7_3.bn.bias" [id=302, type=nncf_model_const]; -"303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" [id=303, type=batch_norm]; -"304 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" [id=304, type=relu_]; -"305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=305, type=symmetric_quantize]; -"306 Mixed_6b.branch7x7dbl_1.conv.weight" [id=306, type=nncf_model_const]; -"307 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=307, type=symmetric_quantize]; -"308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" [id=308, type=conv2d]; -"309 Mixed_6b.branch7x7dbl_1.bn.weight" [id=309, type=nncf_model_const]; -"310 Mixed_6b.branch7x7dbl_1.bn.bias" [id=310, type=nncf_model_const]; -"311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=311, type=batch_norm]; -"312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=312, type=relu_]; -"313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=313, type=symmetric_quantize]; -"314 Mixed_6b.branch7x7dbl_2.conv.weight" [id=314, type=nncf_model_const]; -"315 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=315, type=symmetric_quantize]; -"316 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" [id=316, type=conv2d]; -"317 Mixed_6b.branch7x7dbl_2.bn.weight" [id=317, type=nncf_model_const]; -"318 Mixed_6b.branch7x7dbl_2.bn.bias" [id=318, type=nncf_model_const]; -"319 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=319, type=batch_norm]; -"320 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=320, type=relu_]; -"321 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=321, type=symmetric_quantize]; -"322 Mixed_6b.branch7x7dbl_3.conv.weight" [id=322, type=nncf_model_const]; -"323 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=323, type=symmetric_quantize]; -"324 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" [id=324, type=conv2d]; -"325 Mixed_6b.branch7x7dbl_3.bn.weight" [id=325, type=nncf_model_const]; -"326 Mixed_6b.branch7x7dbl_3.bn.bias" [id=326, type=nncf_model_const]; -"327 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=327, type=batch_norm]; -"328 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=328, type=relu_]; -"329 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=329, type=symmetric_quantize]; -"330 Mixed_6b.branch7x7dbl_4.conv.weight" [id=330, type=nncf_model_const]; -"331 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=331, type=symmetric_quantize]; -"332 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" [id=332, type=conv2d]; -"333 Mixed_6b.branch7x7dbl_4.bn.weight" [id=333, type=nncf_model_const]; -"334 Mixed_6b.branch7x7dbl_4.bn.bias" [id=334, type=nncf_model_const]; -"335 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" [id=335, type=batch_norm]; -"336 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=336, type=relu_]; -"337 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=337, type=symmetric_quantize]; -"338 Mixed_6b.branch7x7dbl_5.conv.weight" [id=338, type=nncf_model_const]; -"339 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=339, type=symmetric_quantize]; -"340 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" [id=340, type=conv2d]; -"341 Mixed_6b.branch7x7dbl_5.bn.weight" [id=341, type=nncf_model_const]; -"342 Mixed_6b.branch7x7dbl_5.bn.bias" [id=342, type=nncf_model_const]; -"343 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" [id=343, type=batch_norm]; -"344 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=344, type=relu_]; -"345 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=345, type=symmetric_quantize]; -"346 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" [id=346, type=avg_pool2d]; -"347 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" [id=347, type=symmetric_quantize]; -"348 Mixed_6b.branch_pool.conv.weight" [id=348, type=nncf_model_const]; -"349 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=349, type=symmetric_quantize]; -"350 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=350, type=conv2d]; -"351 Mixed_6b.branch_pool.bn.weight" [id=351, type=nncf_model_const]; -"352 Mixed_6b.branch_pool.bn.bias" [id=352, type=nncf_model_const]; -"353 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=353, type=batch_norm]; -"354 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" [id=354, type=relu_]; -"355 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=355, type=symmetric_quantize]; -"356 Inception3/InceptionC[Mixed_6b]/cat_0" [id=356, type=cat]; -"357 Mixed_6c.branch1x1.conv.weight" [id=357, type=nncf_model_const]; -"358 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=358, type=symmetric_quantize]; -"359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=359, type=conv2d]; -"360 Mixed_6c.branch1x1.bn.weight" [id=360, type=nncf_model_const]; -"361 Mixed_6c.branch1x1.bn.bias" [id=361, type=nncf_model_const]; -"362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=362, type=batch_norm]; -"363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" [id=363, type=relu_]; -"364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=364, type=symmetric_quantize]; -"365 Mixed_6c.branch7x7_1.conv.weight" [id=365, type=nncf_model_const]; -"366 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=366, type=symmetric_quantize]; -"367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" [id=367, type=conv2d]; -"368 Mixed_6c.branch7x7_1.bn.weight" [id=368, type=nncf_model_const]; -"369 Mixed_6c.branch7x7_1.bn.bias" [id=369, type=nncf_model_const]; -"370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" [id=370, type=batch_norm]; -"371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" [id=371, type=relu_]; -"372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=372, type=symmetric_quantize]; -"373 Mixed_6c.branch7x7_2.conv.weight" [id=373, type=nncf_model_const]; -"374 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=374, type=symmetric_quantize]; -"375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" [id=375, type=conv2d]; -"376 Mixed_6c.branch7x7_2.bn.weight" [id=376, type=nncf_model_const]; -"377 Mixed_6c.branch7x7_2.bn.bias" [id=377, type=nncf_model_const]; -"378 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" [id=378, type=batch_norm]; -"379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" [id=379, type=relu_]; -"380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=380, type=symmetric_quantize]; -"381 Mixed_6c.branch7x7_3.conv.weight" [id=381, type=nncf_model_const]; -"382 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=382, type=symmetric_quantize]; -"383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" [id=383, type=conv2d]; -"384 Mixed_6c.branch7x7_3.bn.weight" [id=384, type=nncf_model_const]; -"385 Mixed_6c.branch7x7_3.bn.bias" [id=385, type=nncf_model_const]; -"386 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" [id=386, type=batch_norm]; -"387 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" [id=387, type=relu_]; -"388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=388, type=symmetric_quantize]; -"389 Mixed_6c.branch7x7dbl_1.conv.weight" [id=389, type=nncf_model_const]; -"390 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=390, type=symmetric_quantize]; -"391 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" [id=391, type=conv2d]; -"392 Mixed_6c.branch7x7dbl_1.bn.weight" [id=392, type=nncf_model_const]; -"393 Mixed_6c.branch7x7dbl_1.bn.bias" [id=393, type=nncf_model_const]; -"394 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=394, type=batch_norm]; -"395 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=395, type=relu_]; -"396 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=396, type=symmetric_quantize]; -"397 Mixed_6c.branch7x7dbl_2.conv.weight" [id=397, type=nncf_model_const]; -"398 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=398, type=symmetric_quantize]; -"399 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" [id=399, type=conv2d]; -"400 Mixed_6c.branch7x7dbl_2.bn.weight" [id=400, type=nncf_model_const]; -"401 Mixed_6c.branch7x7dbl_2.bn.bias" [id=401, type=nncf_model_const]; -"402 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=402, type=batch_norm]; -"403 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=403, type=relu_]; -"404 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=404, type=symmetric_quantize]; -"405 Mixed_6c.branch7x7dbl_3.conv.weight" [id=405, type=nncf_model_const]; -"406 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=406, type=symmetric_quantize]; -"407 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" [id=407, type=conv2d]; -"408 Mixed_6c.branch7x7dbl_3.bn.weight" [id=408, type=nncf_model_const]; -"409 Mixed_6c.branch7x7dbl_3.bn.bias" [id=409, type=nncf_model_const]; -"410 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=410, type=batch_norm]; -"411 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=411, type=relu_]; -"412 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=412, type=symmetric_quantize]; -"413 Mixed_6c.branch7x7dbl_4.conv.weight" [id=413, type=nncf_model_const]; -"414 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=414, type=symmetric_quantize]; -"415 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" [id=415, type=conv2d]; -"416 Mixed_6c.branch7x7dbl_4.bn.weight" [id=416, type=nncf_model_const]; -"417 Mixed_6c.branch7x7dbl_4.bn.bias" [id=417, type=nncf_model_const]; -"418 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" [id=418, type=batch_norm]; -"419 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=419, type=relu_]; -"420 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=420, type=symmetric_quantize]; -"421 Mixed_6c.branch7x7dbl_5.conv.weight" [id=421, type=nncf_model_const]; -"422 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=422, type=symmetric_quantize]; -"423 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" [id=423, type=conv2d]; -"424 Mixed_6c.branch7x7dbl_5.bn.weight" [id=424, type=nncf_model_const]; -"425 Mixed_6c.branch7x7dbl_5.bn.bias" [id=425, type=nncf_model_const]; -"426 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" [id=426, type=batch_norm]; -"427 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=427, type=relu_]; -"428 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=428, type=symmetric_quantize]; -"429 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" [id=429, type=avg_pool2d]; -"430 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" [id=430, type=symmetric_quantize]; -"431 Mixed_6c.branch_pool.conv.weight" [id=431, type=nncf_model_const]; -"432 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=432, type=symmetric_quantize]; -"433 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=433, type=conv2d]; -"434 Mixed_6c.branch_pool.bn.weight" [id=434, type=nncf_model_const]; -"435 Mixed_6c.branch_pool.bn.bias" [id=435, type=nncf_model_const]; -"436 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=436, type=batch_norm]; -"437 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" [id=437, type=relu_]; -"438 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=438, type=symmetric_quantize]; -"439 Inception3/InceptionC[Mixed_6c]/cat_0" [id=439, type=cat]; -"440 Mixed_6d.branch1x1.conv.weight" [id=440, type=nncf_model_const]; -"441 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=441, type=symmetric_quantize]; -"442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=442, type=conv2d]; -"443 Mixed_6d.branch1x1.bn.weight" [id=443, type=nncf_model_const]; -"444 Mixed_6d.branch1x1.bn.bias" [id=444, type=nncf_model_const]; -"445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=445, type=batch_norm]; -"446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" [id=446, type=relu_]; -"447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=447, type=symmetric_quantize]; -"448 Mixed_6d.branch7x7_1.conv.weight" [id=448, type=nncf_model_const]; -"449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=449, type=symmetric_quantize]; -"450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" [id=450, type=conv2d]; -"451 Mixed_6d.branch7x7_1.bn.weight" [id=451, type=nncf_model_const]; -"452 Mixed_6d.branch7x7_1.bn.bias" [id=452, type=nncf_model_const]; -"453 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" [id=453, type=batch_norm]; -"454 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" [id=454, type=relu_]; -"455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=455, type=symmetric_quantize]; -"456 Mixed_6d.branch7x7_2.conv.weight" [id=456, type=nncf_model_const]; -"457 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=457, type=symmetric_quantize]; -"458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" [id=458, type=conv2d]; -"459 Mixed_6d.branch7x7_2.bn.weight" [id=459, type=nncf_model_const]; -"460 Mixed_6d.branch7x7_2.bn.bias" [id=460, type=nncf_model_const]; -"461 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" [id=461, type=batch_norm]; -"462 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" [id=462, type=relu_]; -"463 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=463, type=symmetric_quantize]; -"464 Mixed_6d.branch7x7_3.conv.weight" [id=464, type=nncf_model_const]; -"465 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=465, type=symmetric_quantize]; -"466 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" [id=466, type=conv2d]; -"467 Mixed_6d.branch7x7_3.bn.weight" [id=467, type=nncf_model_const]; -"468 Mixed_6d.branch7x7_3.bn.bias" [id=468, type=nncf_model_const]; -"469 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" [id=469, type=batch_norm]; -"470 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" [id=470, type=relu_]; -"471 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=471, type=symmetric_quantize]; -"472 Mixed_6d.branch7x7dbl_1.conv.weight" [id=472, type=nncf_model_const]; -"473 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=473, type=symmetric_quantize]; -"474 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" [id=474, type=conv2d]; -"475 Mixed_6d.branch7x7dbl_1.bn.weight" [id=475, type=nncf_model_const]; -"476 Mixed_6d.branch7x7dbl_1.bn.bias" [id=476, type=nncf_model_const]; -"477 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=477, type=batch_norm]; -"478 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=478, type=relu_]; -"479 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=479, type=symmetric_quantize]; -"480 Mixed_6d.branch7x7dbl_2.conv.weight" [id=480, type=nncf_model_const]; -"481 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=481, type=symmetric_quantize]; -"482 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" [id=482, type=conv2d]; -"483 Mixed_6d.branch7x7dbl_2.bn.weight" [id=483, type=nncf_model_const]; -"484 Mixed_6d.branch7x7dbl_2.bn.bias" [id=484, type=nncf_model_const]; -"485 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=485, type=batch_norm]; -"486 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=486, type=relu_]; -"487 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=487, type=symmetric_quantize]; -"488 Mixed_6d.branch7x7dbl_3.conv.weight" [id=488, type=nncf_model_const]; -"489 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=489, type=symmetric_quantize]; -"490 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" [id=490, type=conv2d]; -"491 Mixed_6d.branch7x7dbl_3.bn.weight" [id=491, type=nncf_model_const]; -"492 Mixed_6d.branch7x7dbl_3.bn.bias" [id=492, type=nncf_model_const]; -"493 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=493, type=batch_norm]; -"494 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=494, type=relu_]; -"495 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=495, type=symmetric_quantize]; -"496 Mixed_6d.branch7x7dbl_4.conv.weight" [id=496, type=nncf_model_const]; -"497 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=497, type=symmetric_quantize]; -"498 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" [id=498, type=conv2d]; -"499 Mixed_6d.branch7x7dbl_4.bn.weight" [id=499, type=nncf_model_const]; -"500 Mixed_6d.branch7x7dbl_4.bn.bias" [id=500, type=nncf_model_const]; -"501 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" [id=501, type=batch_norm]; -"502 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=502, type=relu_]; -"503 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=503, type=symmetric_quantize]; -"504 Mixed_6d.branch7x7dbl_5.conv.weight" [id=504, type=nncf_model_const]; -"505 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=505, type=symmetric_quantize]; -"506 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" [id=506, type=conv2d]; -"507 Mixed_6d.branch7x7dbl_5.bn.weight" [id=507, type=nncf_model_const]; -"508 Mixed_6d.branch7x7dbl_5.bn.bias" [id=508, type=nncf_model_const]; -"509 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" [id=509, type=batch_norm]; -"510 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=510, type=relu_]; -"511 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=511, type=symmetric_quantize]; -"512 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" [id=512, type=avg_pool2d]; -"513 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" [id=513, type=symmetric_quantize]; -"514 Mixed_6d.branch_pool.conv.weight" [id=514, type=nncf_model_const]; -"515 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=515, type=symmetric_quantize]; -"516 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=516, type=conv2d]; -"517 Mixed_6d.branch_pool.bn.weight" [id=517, type=nncf_model_const]; -"518 Mixed_6d.branch_pool.bn.bias" [id=518, type=nncf_model_const]; -"519 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=519, type=batch_norm]; -"520 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" [id=520, type=relu_]; -"521 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=521, type=symmetric_quantize]; -"522 Inception3/InceptionC[Mixed_6d]/cat_0" [id=522, type=cat]; -"523 Mixed_6e.branch1x1.conv.weight" [id=523, type=nncf_model_const]; -"524 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=524, type=symmetric_quantize]; -"525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=525, type=conv2d]; -"526 Mixed_6e.branch1x1.bn.weight" [id=526, type=nncf_model_const]; -"527 Mixed_6e.branch1x1.bn.bias" [id=527, type=nncf_model_const]; -"528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=528, type=batch_norm]; -"529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" [id=529, type=relu_]; -"530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=530, type=symmetric_quantize]; -"531 Mixed_6e.branch7x7_1.conv.weight" [id=531, type=nncf_model_const]; -"532 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=532, type=symmetric_quantize]; -"533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" [id=533, type=conv2d]; -"534 Mixed_6e.branch7x7_1.bn.weight" [id=534, type=nncf_model_const]; -"535 Mixed_6e.branch7x7_1.bn.bias" [id=535, type=nncf_model_const]; -"536 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" [id=536, type=batch_norm]; -"537 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" [id=537, type=relu_]; -"538 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=538, type=symmetric_quantize]; -"539 Mixed_6e.branch7x7_2.conv.weight" [id=539, type=nncf_model_const]; -"540 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=540, type=symmetric_quantize]; -"541 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" [id=541, type=conv2d]; -"542 Mixed_6e.branch7x7_2.bn.weight" [id=542, type=nncf_model_const]; -"543 Mixed_6e.branch7x7_2.bn.bias" [id=543, type=nncf_model_const]; -"544 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" [id=544, type=batch_norm]; -"545 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" [id=545, type=relu_]; -"546 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=546, type=symmetric_quantize]; -"547 Mixed_6e.branch7x7_3.conv.weight" [id=547, type=nncf_model_const]; -"548 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=548, type=symmetric_quantize]; -"549 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" [id=549, type=conv2d]; -"550 Mixed_6e.branch7x7_3.bn.weight" [id=550, type=nncf_model_const]; -"551 Mixed_6e.branch7x7_3.bn.bias" [id=551, type=nncf_model_const]; -"552 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" [id=552, type=batch_norm]; -"553 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" [id=553, type=relu_]; -"554 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=554, type=symmetric_quantize]; -"555 Mixed_6e.branch7x7dbl_1.conv.weight" [id=555, type=nncf_model_const]; -"556 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=556, type=symmetric_quantize]; -"557 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" [id=557, type=conv2d]; -"558 Mixed_6e.branch7x7dbl_1.bn.weight" [id=558, type=nncf_model_const]; -"559 Mixed_6e.branch7x7dbl_1.bn.bias" [id=559, type=nncf_model_const]; -"560 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=560, type=batch_norm]; -"561 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=561, type=relu_]; -"562 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=562, type=symmetric_quantize]; -"563 Mixed_6e.branch7x7dbl_2.conv.weight" [id=563, type=nncf_model_const]; -"564 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=564, type=symmetric_quantize]; -"565 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" [id=565, type=conv2d]; -"566 Mixed_6e.branch7x7dbl_2.bn.weight" [id=566, type=nncf_model_const]; -"567 Mixed_6e.branch7x7dbl_2.bn.bias" [id=567, type=nncf_model_const]; -"568 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=568, type=batch_norm]; -"569 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=569, type=relu_]; -"570 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=570, type=symmetric_quantize]; -"571 Mixed_6e.branch7x7dbl_3.conv.weight" [id=571, type=nncf_model_const]; -"572 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=572, type=symmetric_quantize]; -"573 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" [id=573, type=conv2d]; -"574 Mixed_6e.branch7x7dbl_3.bn.weight" [id=574, type=nncf_model_const]; -"575 Mixed_6e.branch7x7dbl_3.bn.bias" [id=575, type=nncf_model_const]; -"576 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=576, type=batch_norm]; -"577 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=577, type=relu_]; -"578 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=578, type=symmetric_quantize]; -"579 Mixed_6e.branch7x7dbl_4.conv.weight" [id=579, type=nncf_model_const]; -"580 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=580, type=symmetric_quantize]; -"581 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" [id=581, type=conv2d]; -"582 Mixed_6e.branch7x7dbl_4.bn.weight" [id=582, type=nncf_model_const]; -"583 Mixed_6e.branch7x7dbl_4.bn.bias" [id=583, type=nncf_model_const]; -"584 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" [id=584, type=batch_norm]; -"585 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=585, type=relu_]; -"586 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=586, type=symmetric_quantize]; -"587 Mixed_6e.branch7x7dbl_5.conv.weight" [id=587, type=nncf_model_const]; -"588 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=588, type=symmetric_quantize]; -"589 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" [id=589, type=conv2d]; -"590 Mixed_6e.branch7x7dbl_5.bn.weight" [id=590, type=nncf_model_const]; -"591 Mixed_6e.branch7x7dbl_5.bn.bias" [id=591, type=nncf_model_const]; -"592 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" [id=592, type=batch_norm]; -"593 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=593, type=relu_]; -"594 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=594, type=symmetric_quantize]; -"595 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" [id=595, type=avg_pool2d]; -"596 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" [id=596, type=symmetric_quantize]; -"597 Mixed_6e.branch_pool.conv.weight" [id=597, type=nncf_model_const]; -"598 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=598, type=symmetric_quantize]; -"599 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=599, type=conv2d]; -"600 Mixed_6e.branch_pool.bn.weight" [id=600, type=nncf_model_const]; -"601 Mixed_6e.branch_pool.bn.bias" [id=601, type=nncf_model_const]; -"602 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=602, type=batch_norm]; -"603 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" [id=603, type=relu_]; -"604 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=604, type=symmetric_quantize]; -"605 Inception3/InceptionC[Mixed_6e]/cat_0" [id=605, type=cat]; -"606 Mixed_7a.branch3x3_1.conv.weight" [id=606, type=nncf_model_const]; -"607 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=607, type=symmetric_quantize]; -"608 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" [id=608, type=conv2d]; -"609 Mixed_7a.branch3x3_1.bn.weight" [id=609, type=nncf_model_const]; -"610 Mixed_7a.branch3x3_1.bn.bias" [id=610, type=nncf_model_const]; -"611 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" [id=611, type=batch_norm]; -"612 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" [id=612, type=relu_]; -"613 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=613, type=symmetric_quantize]; -"614 Mixed_7a.branch3x3_2.conv.weight" [id=614, type=nncf_model_const]; -"615 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=615, type=symmetric_quantize]; -"616 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/conv2d_0" [id=616, type=conv2d]; -"617 Mixed_7a.branch3x3_2.bn.weight" [id=617, type=nncf_model_const]; -"618 Mixed_7a.branch3x3_2.bn.bias" [id=618, type=nncf_model_const]; -"619 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0" [id=619, type=batch_norm]; -"620 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" [id=620, type=relu_]; -"621 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=621, type=symmetric_quantize]; -"622 Mixed_7a.branch7x7x3_1.conv.weight" [id=622, type=nncf_model_const]; -"623 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=623, type=symmetric_quantize]; -"624 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/conv2d_0" [id=624, type=conv2d]; -"625 Mixed_7a.branch7x7x3_1.bn.weight" [id=625, type=nncf_model_const]; -"626 Mixed_7a.branch7x7x3_1.bn.bias" [id=626, type=nncf_model_const]; -"627 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0" [id=627, type=batch_norm]; -"628 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" [id=628, type=relu_]; -"629 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=629, type=symmetric_quantize]; -"630 Mixed_7a.branch7x7x3_2.conv.weight" [id=630, type=nncf_model_const]; -"631 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=631, type=symmetric_quantize]; -"632 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/conv2d_0" [id=632, type=conv2d]; -"633 Mixed_7a.branch7x7x3_2.bn.weight" [id=633, type=nncf_model_const]; -"634 Mixed_7a.branch7x7x3_2.bn.bias" [id=634, type=nncf_model_const]; -"635 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0" [id=635, type=batch_norm]; -"636 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" [id=636, type=relu_]; -"637 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=637, type=symmetric_quantize]; -"638 Mixed_7a.branch7x7x3_3.conv.weight" [id=638, type=nncf_model_const]; -"639 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=639, type=symmetric_quantize]; -"640 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/conv2d_0" [id=640, type=conv2d]; -"641 Mixed_7a.branch7x7x3_3.bn.weight" [id=641, type=nncf_model_const]; -"642 Mixed_7a.branch7x7x3_3.bn.bias" [id=642, type=nncf_model_const]; -"643 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0" [id=643, type=batch_norm]; -"644 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" [id=644, type=relu_]; -"645 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" [id=645, type=symmetric_quantize]; -"646 Mixed_7a.branch7x7x3_4.conv.weight" [id=646, type=nncf_model_const]; -"647 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=647, type=symmetric_quantize]; -"648 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/conv2d_0" [id=648, type=conv2d]; -"649 Mixed_7a.branch7x7x3_4.bn.weight" [id=649, type=nncf_model_const]; -"650 Mixed_7a.branch7x7x3_4.bn.bias" [id=650, type=nncf_model_const]; -"651 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0" [id=651, type=batch_norm]; -"652 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" [id=652, type=relu_]; -"653 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" [id=653, type=symmetric_quantize]; -"654 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" [id=654, type=max_pool2d]; -"655 Inception3/InceptionD[Mixed_7a]/cat_0" [id=655, type=cat]; -"656 Mixed_7b.branch1x1.conv.weight" [id=656, type=nncf_model_const]; -"657 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=657, type=symmetric_quantize]; -"658 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=658, type=conv2d]; -"659 Mixed_7b.branch1x1.bn.weight" [id=659, type=nncf_model_const]; -"660 Mixed_7b.branch1x1.bn.bias" [id=660, type=nncf_model_const]; -"661 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=661, type=batch_norm]; -"662 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" [id=662, type=relu_]; -"663 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=663, type=symmetric_quantize]; -"664 Mixed_7b.branch3x3_1.conv.weight" [id=664, type=nncf_model_const]; -"665 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=665, type=symmetric_quantize]; -"666 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" [id=666, type=conv2d]; -"667 Mixed_7b.branch3x3_1.bn.weight" [id=667, type=nncf_model_const]; -"668 Mixed_7b.branch3x3_1.bn.bias" [id=668, type=nncf_model_const]; -"669 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" [id=669, type=batch_norm]; -"670 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" [id=670, type=relu_]; -"671 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=671, type=symmetric_quantize]; -"672 Mixed_7b.branch3x3_2a.conv.weight" [id=672, type=nncf_model_const]; -"673 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=673, type=symmetric_quantize]; -"674 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0" [id=674, type=conv2d]; -"675 Mixed_7b.branch3x3_2a.bn.weight" [id=675, type=nncf_model_const]; -"676 Mixed_7b.branch3x3_2a.bn.bias" [id=676, type=nncf_model_const]; -"677 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0" [id=677, type=batch_norm]; -"678 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" [id=678, type=relu_]; -"679 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=679, type=symmetric_quantize]; -"680 Mixed_7b.branch3x3_2b.conv.weight" [id=680, type=nncf_model_const]; -"681 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=681, type=symmetric_quantize]; -"682 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0" [id=682, type=conv2d]; -"683 Mixed_7b.branch3x3_2b.bn.weight" [id=683, type=nncf_model_const]; -"684 Mixed_7b.branch3x3_2b.bn.bias" [id=684, type=nncf_model_const]; -"685 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0" [id=685, type=batch_norm]; -"686 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" [id=686, type=relu_]; -"687 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=687, type=symmetric_quantize]; -"688 Inception3/InceptionE[Mixed_7b]/cat_0" [id=688, type=cat]; -"689 Mixed_7b.branch3x3dbl_1.conv.weight" [id=689, type=nncf_model_const]; -"690 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=690, type=symmetric_quantize]; -"691 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=691, type=conv2d]; -"692 Mixed_7b.branch3x3dbl_1.bn.weight" [id=692, type=nncf_model_const]; -"693 Mixed_7b.branch3x3dbl_1.bn.bias" [id=693, type=nncf_model_const]; -"694 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=694, type=batch_norm]; -"695 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=695, type=relu_]; -"696 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=696, type=symmetric_quantize]; -"697 Mixed_7b.branch3x3dbl_2.conv.weight" [id=697, type=nncf_model_const]; -"698 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=698, type=symmetric_quantize]; -"699 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=699, type=conv2d]; -"700 Mixed_7b.branch3x3dbl_2.bn.weight" [id=700, type=nncf_model_const]; -"701 Mixed_7b.branch3x3dbl_2.bn.bias" [id=701, type=nncf_model_const]; -"702 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=702, type=batch_norm]; -"703 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=703, type=relu_]; -"704 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=704, type=symmetric_quantize]; -"705 Mixed_7b.branch3x3dbl_3a.conv.weight" [id=705, type=nncf_model_const]; -"706 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=706, type=symmetric_quantize]; -"707 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0" [id=707, type=conv2d]; -"708 Mixed_7b.branch3x3dbl_3a.bn.weight" [id=708, type=nncf_model_const]; -"709 Mixed_7b.branch3x3dbl_3a.bn.bias" [id=709, type=nncf_model_const]; -"710 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0" [id=710, type=batch_norm]; -"711 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=711, type=relu_]; -"712 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=712, type=symmetric_quantize]; -"713 Mixed_7b.branch3x3dbl_3b.conv.weight" [id=713, type=nncf_model_const]; -"714 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=714, type=symmetric_quantize]; -"715 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0" [id=715, type=conv2d]; -"716 Mixed_7b.branch3x3dbl_3b.bn.weight" [id=716, type=nncf_model_const]; -"717 Mixed_7b.branch3x3dbl_3b.bn.bias" [id=717, type=nncf_model_const]; -"718 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0" [id=718, type=batch_norm]; -"719 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=719, type=relu_]; -"720 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=720, type=symmetric_quantize]; -"721 Inception3/InceptionE[Mixed_7b]/cat_1" [id=721, type=cat]; -"722 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" [id=722, type=avg_pool2d]; -"723 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" [id=723, type=symmetric_quantize]; -"724 Mixed_7b.branch_pool.conv.weight" [id=724, type=nncf_model_const]; -"725 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=725, type=symmetric_quantize]; -"726 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=726, type=conv2d]; -"727 Mixed_7b.branch_pool.bn.weight" [id=727, type=nncf_model_const]; -"728 Mixed_7b.branch_pool.bn.bias" [id=728, type=nncf_model_const]; -"729 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=729, type=batch_norm]; -"730 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" [id=730, type=relu_]; -"731 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=731, type=symmetric_quantize]; -"732 Inception3/InceptionE[Mixed_7b]/cat_2" [id=732, type=cat]; -"733 Mixed_7c.branch1x1.conv.weight" [id=733, type=nncf_model_const]; -"734 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=734, type=symmetric_quantize]; -"735 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=735, type=conv2d]; -"736 Mixed_7c.branch1x1.bn.weight" [id=736, type=nncf_model_const]; -"737 Mixed_7c.branch1x1.bn.bias" [id=737, type=nncf_model_const]; -"738 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=738, type=batch_norm]; -"739 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" [id=739, type=relu_]; -"740 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=740, type=symmetric_quantize]; -"741 Mixed_7c.branch3x3_1.conv.weight" [id=741, type=nncf_model_const]; -"742 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=742, type=symmetric_quantize]; -"743 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" [id=743, type=conv2d]; -"744 Mixed_7c.branch3x3_1.bn.weight" [id=744, type=nncf_model_const]; -"745 Mixed_7c.branch3x3_1.bn.bias" [id=745, type=nncf_model_const]; -"746 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" [id=746, type=batch_norm]; -"747 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" [id=747, type=relu_]; -"748 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=748, type=symmetric_quantize]; -"749 Mixed_7c.branch3x3_2a.conv.weight" [id=749, type=nncf_model_const]; -"750 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=750, type=symmetric_quantize]; -"751 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0" [id=751, type=conv2d]; -"752 Mixed_7c.branch3x3_2a.bn.weight" [id=752, type=nncf_model_const]; -"753 Mixed_7c.branch3x3_2a.bn.bias" [id=753, type=nncf_model_const]; -"754 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0" [id=754, type=batch_norm]; -"755 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" [id=755, type=relu_]; -"756 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=756, type=symmetric_quantize]; -"757 Mixed_7c.branch3x3_2b.conv.weight" [id=757, type=nncf_model_const]; -"758 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=758, type=symmetric_quantize]; -"759 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0" [id=759, type=conv2d]; -"760 Mixed_7c.branch3x3_2b.bn.weight" [id=760, type=nncf_model_const]; -"761 Mixed_7c.branch3x3_2b.bn.bias" [id=761, type=nncf_model_const]; -"762 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0" [id=762, type=batch_norm]; -"763 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" [id=763, type=relu_]; -"764 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=764, type=symmetric_quantize]; -"765 Inception3/InceptionE[Mixed_7c]/cat_0" [id=765, type=cat]; -"766 Mixed_7c.branch3x3dbl_1.conv.weight" [id=766, type=nncf_model_const]; -"767 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=767, type=symmetric_quantize]; -"768 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=768, type=conv2d]; -"769 Mixed_7c.branch3x3dbl_1.bn.weight" [id=769, type=nncf_model_const]; -"770 Mixed_7c.branch3x3dbl_1.bn.bias" [id=770, type=nncf_model_const]; -"771 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=771, type=batch_norm]; -"772 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=772, type=relu_]; -"773 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=773, type=symmetric_quantize]; -"774 Mixed_7c.branch3x3dbl_2.conv.weight" [id=774, type=nncf_model_const]; -"775 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=775, type=symmetric_quantize]; -"776 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=776, type=conv2d]; -"777 Mixed_7c.branch3x3dbl_2.bn.weight" [id=777, type=nncf_model_const]; -"778 Mixed_7c.branch3x3dbl_2.bn.bias" [id=778, type=nncf_model_const]; -"779 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=779, type=batch_norm]; -"780 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=780, type=relu_]; -"781 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=781, type=symmetric_quantize]; -"782 Mixed_7c.branch3x3dbl_3a.conv.weight" [id=782, type=nncf_model_const]; -"783 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=783, type=symmetric_quantize]; -"784 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0" [id=784, type=conv2d]; -"785 Mixed_7c.branch3x3dbl_3a.bn.weight" [id=785, type=nncf_model_const]; -"786 Mixed_7c.branch3x3dbl_3a.bn.bias" [id=786, type=nncf_model_const]; -"787 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0" [id=787, type=batch_norm]; -"788 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=788, type=relu_]; -"789 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=789, type=symmetric_quantize]; -"790 Mixed_7c.branch3x3dbl_3b.conv.weight" [id=790, type=nncf_model_const]; -"791 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=791, type=symmetric_quantize]; -"792 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0" [id=792, type=conv2d]; -"793 Mixed_7c.branch3x3dbl_3b.bn.weight" [id=793, type=nncf_model_const]; -"794 Mixed_7c.branch3x3dbl_3b.bn.bias" [id=794, type=nncf_model_const]; -"795 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0" [id=795, type=batch_norm]; -"796 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=796, type=relu_]; -"797 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=797, type=symmetric_quantize]; -"798 Inception3/InceptionE[Mixed_7c]/cat_1" [id=798, type=cat]; -"799 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" [id=799, type=avg_pool2d]; -"800 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" [id=800, type=symmetric_quantize]; -"801 Mixed_7c.branch_pool.conv.weight" [id=801, type=nncf_model_const]; -"802 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=802, type=symmetric_quantize]; -"803 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=803, type=conv2d]; -"804 Mixed_7c.branch_pool.bn.weight" [id=804, type=nncf_model_const]; -"805 Mixed_7c.branch_pool.bn.bias" [id=805, type=nncf_model_const]; -"806 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=806, type=batch_norm]; -"807 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" [id=807, type=relu_]; -"808 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=808, type=symmetric_quantize]; -"809 Inception3/InceptionE[Mixed_7c]/cat_2" [id=809, type=cat]; -"810 Inception3/adaptive_avg_pool2d_0" [id=810, type=adaptive_avg_pool2d]; -"811 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" [id=811, type=symmetric_quantize]; -"812 Inception3/dropout_0" [id=812, type=dropout]; -"813 Inception3/view_0" [id=813, type=view]; -"814 fc.weight" [id=814, type=nncf_model_const]; -"815 fc.bias" [id=815, type=nncf_model_const]; -"816 Inception3/Linear[fc]/SymmetricQuantizer/symmetric_quantize_0" [id=816, type=symmetric_quantize]; -"817 Inception3/Linear[fc]/linear_0" [id=817, type=linear]; -"818 /nncf_model_output_0" [id=818, type=nncf_model_output]; +"5 Inception3/__add___0" [id=5, type=__add__]; +"6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" [id=6, type=symmetric_quantize]; +"7 Inception3/__getitem___1" [id=7, type=__getitem__]; +"8 Inception3/unsqueeze_1" [id=8, type=unsqueeze]; +"9 Inception3/__mul___1" [id=9, type=__mul__]; +"10 Inception3/__add___1" [id=10, type=__add__]; +"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" [id=11, type=symmetric_quantize]; +"12 Inception3/__getitem___2" [id=12, type=__getitem__]; +"13 Inception3/unsqueeze_2" [id=13, type=unsqueeze]; +"14 Inception3/__mul___2" [id=14, type=__mul__]; +"15 Inception3/__add___2" [id=15, type=__add__]; +"16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" [id=16, type=symmetric_quantize]; +"17 Inception3/cat_0" [id=17, type=cat]; +"18 Conv2d_1a_3x3.conv.weight" [id=18, type=nncf_model_const]; +"19 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=19, type=symmetric_quantize]; +"20 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/conv2d_0" [id=20, type=conv2d]; +"21 Conv2d_1a_3x3.bn.weight" [id=21, type=nncf_model_const]; +"22 Conv2d_1a_3x3.bn.bias" [id=22, type=nncf_model_const]; +"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0" [id=23, type=batch_norm]; +"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" [id=24, type=relu_]; +"25 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=25, type=symmetric_quantize]; +"26 Conv2d_2a_3x3.conv.weight" [id=26, type=nncf_model_const]; +"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=27, type=symmetric_quantize]; +"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/conv2d_0" [id=28, type=conv2d]; +"29 Conv2d_2a_3x3.bn.weight" [id=29, type=nncf_model_const]; +"30 Conv2d_2a_3x3.bn.bias" [id=30, type=nncf_model_const]; +"31 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0" [id=31, type=batch_norm]; +"32 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" [id=32, type=relu_]; +"33 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=33, type=symmetric_quantize]; +"34 Conv2d_2b_3x3.conv.weight" [id=34, type=nncf_model_const]; +"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=35, type=symmetric_quantize]; +"36 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/conv2d_0" [id=36, type=conv2d]; +"37 Conv2d_2b_3x3.bn.weight" [id=37, type=nncf_model_const]; +"38 Conv2d_2b_3x3.bn.bias" [id=38, type=nncf_model_const]; +"39 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0" [id=39, type=batch_norm]; +"40 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" [id=40, type=relu_]; +"41 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=41, type=symmetric_quantize]; +"42 Inception3/max_pool2d_0" [id=42, type=max_pool2d]; +"43 Conv2d_3b_1x1.conv.weight" [id=43, type=nncf_model_const]; +"44 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=44, type=symmetric_quantize]; +"45 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/conv2d_0" [id=45, type=conv2d]; +"46 Conv2d_3b_1x1.bn.weight" [id=46, type=nncf_model_const]; +"47 Conv2d_3b_1x1.bn.bias" [id=47, type=nncf_model_const]; +"48 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0" [id=48, type=batch_norm]; +"49 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" [id=49, type=relu_]; +"50 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=50, type=symmetric_quantize]; +"51 Conv2d_4a_3x3.conv.weight" [id=51, type=nncf_model_const]; +"52 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=52, type=symmetric_quantize]; +"53 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/conv2d_0" [id=53, type=conv2d]; +"54 Conv2d_4a_3x3.bn.weight" [id=54, type=nncf_model_const]; +"55 Conv2d_4a_3x3.bn.bias" [id=55, type=nncf_model_const]; +"56 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0" [id=56, type=batch_norm]; +"57 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" [id=57, type=relu_]; +"58 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=58, type=symmetric_quantize]; +"59 Inception3/max_pool2d_1" [id=59, type=max_pool2d]; +"60 Mixed_5b.branch1x1.conv.weight" [id=60, type=nncf_model_const]; +"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=61, type=symmetric_quantize]; +"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=62, type=conv2d]; +"63 Mixed_5b.branch1x1.bn.weight" [id=63, type=nncf_model_const]; +"64 Mixed_5b.branch1x1.bn.bias" [id=64, type=nncf_model_const]; +"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=65, type=batch_norm]; +"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" [id=66, type=relu_]; +"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=67, type=symmetric_quantize]; +"68 Mixed_5b.branch5x5_1.conv.weight" [id=68, type=nncf_model_const]; +"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=69, type=symmetric_quantize]; +"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" [id=70, type=conv2d]; +"71 Mixed_5b.branch5x5_1.bn.weight" [id=71, type=nncf_model_const]; +"72 Mixed_5b.branch5x5_1.bn.bias" [id=72, type=nncf_model_const]; +"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" [id=73, type=batch_norm]; +"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" [id=74, type=relu_]; +"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=75, type=symmetric_quantize]; +"76 Mixed_5b.branch5x5_2.conv.weight" [id=76, type=nncf_model_const]; +"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=77, type=symmetric_quantize]; +"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" [id=78, type=conv2d]; +"79 Mixed_5b.branch5x5_2.bn.weight" [id=79, type=nncf_model_const]; +"80 Mixed_5b.branch5x5_2.bn.bias" [id=80, type=nncf_model_const]; +"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" [id=81, type=batch_norm]; +"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" [id=82, type=relu_]; +"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=83, type=symmetric_quantize]; +"84 Mixed_5b.branch3x3dbl_1.conv.weight" [id=84, type=nncf_model_const]; +"85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=85, type=symmetric_quantize]; +"86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=86, type=conv2d]; +"87 Mixed_5b.branch3x3dbl_1.bn.weight" [id=87, type=nncf_model_const]; +"88 Mixed_5b.branch3x3dbl_1.bn.bias" [id=88, type=nncf_model_const]; +"89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=89, type=batch_norm]; +"90 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=90, type=relu_]; +"91 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=91, type=symmetric_quantize]; +"92 Mixed_5b.branch3x3dbl_2.conv.weight" [id=92, type=nncf_model_const]; +"93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=93, type=symmetric_quantize]; +"94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=94, type=conv2d]; +"95 Mixed_5b.branch3x3dbl_2.bn.weight" [id=95, type=nncf_model_const]; +"96 Mixed_5b.branch3x3dbl_2.bn.bias" [id=96, type=nncf_model_const]; +"97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=97, type=batch_norm]; +"98 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=98, type=relu_]; +"99 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=99, type=symmetric_quantize]; +"100 Mixed_5b.branch3x3dbl_3.conv.weight" [id=100, type=nncf_model_const]; +"101 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=101, type=symmetric_quantize]; +"102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" [id=102, type=conv2d]; +"103 Mixed_5b.branch3x3dbl_3.bn.weight" [id=103, type=nncf_model_const]; +"104 Mixed_5b.branch3x3dbl_3.bn.bias" [id=104, type=nncf_model_const]; +"105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=105, type=batch_norm]; +"106 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=106, type=relu_]; +"107 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=107, type=symmetric_quantize]; +"108 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" [id=108, type=avg_pool2d]; +"109 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" [id=109, type=symmetric_quantize]; +"110 Mixed_5b.branch_pool.conv.weight" [id=110, type=nncf_model_const]; +"111 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=111, type=symmetric_quantize]; +"112 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=112, type=conv2d]; +"113 Mixed_5b.branch_pool.bn.weight" [id=113, type=nncf_model_const]; +"114 Mixed_5b.branch_pool.bn.bias" [id=114, type=nncf_model_const]; +"115 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=115, type=batch_norm]; +"116 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" [id=116, type=relu_]; +"117 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=117, type=symmetric_quantize]; +"118 Inception3/InceptionA[Mixed_5b]/cat_0" [id=118, type=cat]; +"119 Mixed_5c.branch1x1.conv.weight" [id=119, type=nncf_model_const]; +"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=120, type=symmetric_quantize]; +"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=121, type=conv2d]; +"122 Mixed_5c.branch1x1.bn.weight" [id=122, type=nncf_model_const]; +"123 Mixed_5c.branch1x1.bn.bias" [id=123, type=nncf_model_const]; +"124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=124, type=batch_norm]; +"125 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" [id=125, type=relu_]; +"126 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=126, type=symmetric_quantize]; +"127 Mixed_5c.branch5x5_1.conv.weight" [id=127, type=nncf_model_const]; +"128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=128, type=symmetric_quantize]; +"129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" [id=129, type=conv2d]; +"130 Mixed_5c.branch5x5_1.bn.weight" [id=130, type=nncf_model_const]; +"131 Mixed_5c.branch5x5_1.bn.bias" [id=131, type=nncf_model_const]; +"132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" [id=132, type=batch_norm]; +"133 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" [id=133, type=relu_]; +"134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=134, type=symmetric_quantize]; +"135 Mixed_5c.branch5x5_2.conv.weight" [id=135, type=nncf_model_const]; +"136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=136, type=symmetric_quantize]; +"137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" [id=137, type=conv2d]; +"138 Mixed_5c.branch5x5_2.bn.weight" [id=138, type=nncf_model_const]; +"139 Mixed_5c.branch5x5_2.bn.bias" [id=139, type=nncf_model_const]; +"140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" [id=140, type=batch_norm]; +"141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" [id=141, type=relu_]; +"142 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=142, type=symmetric_quantize]; +"143 Mixed_5c.branch3x3dbl_1.conv.weight" [id=143, type=nncf_model_const]; +"144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=144, type=symmetric_quantize]; +"145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=145, type=conv2d]; +"146 Mixed_5c.branch3x3dbl_1.bn.weight" [id=146, type=nncf_model_const]; +"147 Mixed_5c.branch3x3dbl_1.bn.bias" [id=147, type=nncf_model_const]; +"148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=148, type=batch_norm]; +"149 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=149, type=relu_]; +"150 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=150, type=symmetric_quantize]; +"151 Mixed_5c.branch3x3dbl_2.conv.weight" [id=151, type=nncf_model_const]; +"152 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=152, type=symmetric_quantize]; +"153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=153, type=conv2d]; +"154 Mixed_5c.branch3x3dbl_2.bn.weight" [id=154, type=nncf_model_const]; +"155 Mixed_5c.branch3x3dbl_2.bn.bias" [id=155, type=nncf_model_const]; +"156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=156, type=batch_norm]; +"157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=157, type=relu_]; +"158 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=158, type=symmetric_quantize]; +"159 Mixed_5c.branch3x3dbl_3.conv.weight" [id=159, type=nncf_model_const]; +"160 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=160, type=symmetric_quantize]; +"161 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" [id=161, type=conv2d]; +"162 Mixed_5c.branch3x3dbl_3.bn.weight" [id=162, type=nncf_model_const]; +"163 Mixed_5c.branch3x3dbl_3.bn.bias" [id=163, type=nncf_model_const]; +"164 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=164, type=batch_norm]; +"165 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=165, type=relu_]; +"166 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=166, type=symmetric_quantize]; +"167 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" [id=167, type=avg_pool2d]; +"168 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" [id=168, type=symmetric_quantize]; +"169 Mixed_5c.branch_pool.conv.weight" [id=169, type=nncf_model_const]; +"170 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=170, type=symmetric_quantize]; +"171 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=171, type=conv2d]; +"172 Mixed_5c.branch_pool.bn.weight" [id=172, type=nncf_model_const]; +"173 Mixed_5c.branch_pool.bn.bias" [id=173, type=nncf_model_const]; +"174 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=174, type=batch_norm]; +"175 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" [id=175, type=relu_]; +"176 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=176, type=symmetric_quantize]; +"177 Inception3/InceptionA[Mixed_5c]/cat_0" [id=177, type=cat]; +"178 Mixed_5d.branch1x1.conv.weight" [id=178, type=nncf_model_const]; +"179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=179, type=symmetric_quantize]; +"180 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=180, type=conv2d]; +"181 Mixed_5d.branch1x1.bn.weight" [id=181, type=nncf_model_const]; +"182 Mixed_5d.branch1x1.bn.bias" [id=182, type=nncf_model_const]; +"183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=183, type=batch_norm]; +"184 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" [id=184, type=relu_]; +"185 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=185, type=symmetric_quantize]; +"186 Mixed_5d.branch5x5_1.conv.weight" [id=186, type=nncf_model_const]; +"187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=187, type=symmetric_quantize]; +"188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" [id=188, type=conv2d]; +"189 Mixed_5d.branch5x5_1.bn.weight" [id=189, type=nncf_model_const]; +"190 Mixed_5d.branch5x5_1.bn.bias" [id=190, type=nncf_model_const]; +"191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" [id=191, type=batch_norm]; +"192 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" [id=192, type=relu_]; +"193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=193, type=symmetric_quantize]; +"194 Mixed_5d.branch5x5_2.conv.weight" [id=194, type=nncf_model_const]; +"195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=195, type=symmetric_quantize]; +"196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" [id=196, type=conv2d]; +"197 Mixed_5d.branch5x5_2.bn.weight" [id=197, type=nncf_model_const]; +"198 Mixed_5d.branch5x5_2.bn.bias" [id=198, type=nncf_model_const]; +"199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" [id=199, type=batch_norm]; +"200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" [id=200, type=relu_]; +"201 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=201, type=symmetric_quantize]; +"202 Mixed_5d.branch3x3dbl_1.conv.weight" [id=202, type=nncf_model_const]; +"203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=203, type=symmetric_quantize]; +"204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=204, type=conv2d]; +"205 Mixed_5d.branch3x3dbl_1.bn.weight" [id=205, type=nncf_model_const]; +"206 Mixed_5d.branch3x3dbl_1.bn.bias" [id=206, type=nncf_model_const]; +"207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=207, type=batch_norm]; +"208 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=208, type=relu_]; +"209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=209, type=symmetric_quantize]; +"210 Mixed_5d.branch3x3dbl_2.conv.weight" [id=210, type=nncf_model_const]; +"211 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=211, type=symmetric_quantize]; +"212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=212, type=conv2d]; +"213 Mixed_5d.branch3x3dbl_2.bn.weight" [id=213, type=nncf_model_const]; +"214 Mixed_5d.branch3x3dbl_2.bn.bias" [id=214, type=nncf_model_const]; +"215 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=215, type=batch_norm]; +"216 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=216, type=relu_]; +"217 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=217, type=symmetric_quantize]; +"218 Mixed_5d.branch3x3dbl_3.conv.weight" [id=218, type=nncf_model_const]; +"219 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=219, type=symmetric_quantize]; +"220 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" [id=220, type=conv2d]; +"221 Mixed_5d.branch3x3dbl_3.bn.weight" [id=221, type=nncf_model_const]; +"222 Mixed_5d.branch3x3dbl_3.bn.bias" [id=222, type=nncf_model_const]; +"223 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=223, type=batch_norm]; +"224 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=224, type=relu_]; +"225 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=225, type=symmetric_quantize]; +"226 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" [id=226, type=avg_pool2d]; +"227 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" [id=227, type=symmetric_quantize]; +"228 Mixed_5d.branch_pool.conv.weight" [id=228, type=nncf_model_const]; +"229 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=229, type=symmetric_quantize]; +"230 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=230, type=conv2d]; +"231 Mixed_5d.branch_pool.bn.weight" [id=231, type=nncf_model_const]; +"232 Mixed_5d.branch_pool.bn.bias" [id=232, type=nncf_model_const]; +"233 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=233, type=batch_norm]; +"234 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" [id=234, type=relu_]; +"235 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=235, type=symmetric_quantize]; +"236 Inception3/InceptionA[Mixed_5d]/cat_0" [id=236, type=cat]; +"237 Mixed_6a.branch3x3.conv.weight" [id=237, type=nncf_model_const]; +"238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=238, type=symmetric_quantize]; +"239 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/conv2d_0" [id=239, type=conv2d]; +"240 Mixed_6a.branch3x3.bn.weight" [id=240, type=nncf_model_const]; +"241 Mixed_6a.branch3x3.bn.bias" [id=241, type=nncf_model_const]; +"242 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0" [id=242, type=batch_norm]; +"243 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" [id=243, type=relu_]; +"244 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=244, type=symmetric_quantize]; +"245 Mixed_6a.branch3x3dbl_1.conv.weight" [id=245, type=nncf_model_const]; +"246 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=246, type=symmetric_quantize]; +"247 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=247, type=conv2d]; +"248 Mixed_6a.branch3x3dbl_1.bn.weight" [id=248, type=nncf_model_const]; +"249 Mixed_6a.branch3x3dbl_1.bn.bias" [id=249, type=nncf_model_const]; +"250 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=250, type=batch_norm]; +"251 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=251, type=relu_]; +"252 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=252, type=symmetric_quantize]; +"253 Mixed_6a.branch3x3dbl_2.conv.weight" [id=253, type=nncf_model_const]; +"254 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=254, type=symmetric_quantize]; +"255 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=255, type=conv2d]; +"256 Mixed_6a.branch3x3dbl_2.bn.weight" [id=256, type=nncf_model_const]; +"257 Mixed_6a.branch3x3dbl_2.bn.bias" [id=257, type=nncf_model_const]; +"258 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=258, type=batch_norm]; +"259 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=259, type=relu_]; +"260 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=260, type=symmetric_quantize]; +"261 Mixed_6a.branch3x3dbl_3.conv.weight" [id=261, type=nncf_model_const]; +"262 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=262, type=symmetric_quantize]; +"263 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" [id=263, type=conv2d]; +"264 Mixed_6a.branch3x3dbl_3.bn.weight" [id=264, type=nncf_model_const]; +"265 Mixed_6a.branch3x3dbl_3.bn.bias" [id=265, type=nncf_model_const]; +"266 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=266, type=batch_norm]; +"267 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=267, type=relu_]; +"268 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=268, type=symmetric_quantize]; +"269 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" [id=269, type=max_pool2d]; +"270 Inception3/InceptionB[Mixed_6a]/cat_0" [id=270, type=cat]; +"271 Mixed_6b.branch1x1.conv.weight" [id=271, type=nncf_model_const]; +"272 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=272, type=symmetric_quantize]; +"273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=273, type=conv2d]; +"274 Mixed_6b.branch1x1.bn.weight" [id=274, type=nncf_model_const]; +"275 Mixed_6b.branch1x1.bn.bias" [id=275, type=nncf_model_const]; +"276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=276, type=batch_norm]; +"277 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" [id=277, type=relu_]; +"278 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=278, type=symmetric_quantize]; +"279 Mixed_6b.branch7x7_1.conv.weight" [id=279, type=nncf_model_const]; +"280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=280, type=symmetric_quantize]; +"281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" [id=281, type=conv2d]; +"282 Mixed_6b.branch7x7_1.bn.weight" [id=282, type=nncf_model_const]; +"283 Mixed_6b.branch7x7_1.bn.bias" [id=283, type=nncf_model_const]; +"284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" [id=284, type=batch_norm]; +"285 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" [id=285, type=relu_]; +"286 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=286, type=symmetric_quantize]; +"287 Mixed_6b.branch7x7_2.conv.weight" [id=287, type=nncf_model_const]; +"288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=288, type=symmetric_quantize]; +"289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" [id=289, type=conv2d]; +"290 Mixed_6b.branch7x7_2.bn.weight" [id=290, type=nncf_model_const]; +"291 Mixed_6b.branch7x7_2.bn.bias" [id=291, type=nncf_model_const]; +"292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" [id=292, type=batch_norm]; +"293 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" [id=293, type=relu_]; +"294 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=294, type=symmetric_quantize]; +"295 Mixed_6b.branch7x7_3.conv.weight" [id=295, type=nncf_model_const]; +"296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=296, type=symmetric_quantize]; +"297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" [id=297, type=conv2d]; +"298 Mixed_6b.branch7x7_3.bn.weight" [id=298, type=nncf_model_const]; +"299 Mixed_6b.branch7x7_3.bn.bias" [id=299, type=nncf_model_const]; +"300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" [id=300, type=batch_norm]; +"301 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" [id=301, type=relu_]; +"302 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=302, type=symmetric_quantize]; +"303 Mixed_6b.branch7x7dbl_1.conv.weight" [id=303, type=nncf_model_const]; +"304 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=304, type=symmetric_quantize]; +"305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" [id=305, type=conv2d]; +"306 Mixed_6b.branch7x7dbl_1.bn.weight" [id=306, type=nncf_model_const]; +"307 Mixed_6b.branch7x7dbl_1.bn.bias" [id=307, type=nncf_model_const]; +"308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=308, type=batch_norm]; +"309 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=309, type=relu_]; +"310 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=310, type=symmetric_quantize]; +"311 Mixed_6b.branch7x7dbl_2.conv.weight" [id=311, type=nncf_model_const]; +"312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=312, type=symmetric_quantize]; +"313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" [id=313, type=conv2d]; +"314 Mixed_6b.branch7x7dbl_2.bn.weight" [id=314, type=nncf_model_const]; +"315 Mixed_6b.branch7x7dbl_2.bn.bias" [id=315, type=nncf_model_const]; +"316 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=316, type=batch_norm]; +"317 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=317, type=relu_]; +"318 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=318, type=symmetric_quantize]; +"319 Mixed_6b.branch7x7dbl_3.conv.weight" [id=319, type=nncf_model_const]; +"320 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=320, type=symmetric_quantize]; +"321 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" [id=321, type=conv2d]; +"322 Mixed_6b.branch7x7dbl_3.bn.weight" [id=322, type=nncf_model_const]; +"323 Mixed_6b.branch7x7dbl_3.bn.bias" [id=323, type=nncf_model_const]; +"324 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=324, type=batch_norm]; +"325 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=325, type=relu_]; +"326 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=326, type=symmetric_quantize]; +"327 Mixed_6b.branch7x7dbl_4.conv.weight" [id=327, type=nncf_model_const]; +"328 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=328, type=symmetric_quantize]; +"329 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" [id=329, type=conv2d]; +"330 Mixed_6b.branch7x7dbl_4.bn.weight" [id=330, type=nncf_model_const]; +"331 Mixed_6b.branch7x7dbl_4.bn.bias" [id=331, type=nncf_model_const]; +"332 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" [id=332, type=batch_norm]; +"333 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=333, type=relu_]; +"334 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=334, type=symmetric_quantize]; +"335 Mixed_6b.branch7x7dbl_5.conv.weight" [id=335, type=nncf_model_const]; +"336 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=336, type=symmetric_quantize]; +"337 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" [id=337, type=conv2d]; +"338 Mixed_6b.branch7x7dbl_5.bn.weight" [id=338, type=nncf_model_const]; +"339 Mixed_6b.branch7x7dbl_5.bn.bias" [id=339, type=nncf_model_const]; +"340 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" [id=340, type=batch_norm]; +"341 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=341, type=relu_]; +"342 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=342, type=symmetric_quantize]; +"343 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" [id=343, type=avg_pool2d]; +"344 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" [id=344, type=symmetric_quantize]; +"345 Mixed_6b.branch_pool.conv.weight" [id=345, type=nncf_model_const]; +"346 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=346, type=symmetric_quantize]; +"347 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=347, type=conv2d]; +"348 Mixed_6b.branch_pool.bn.weight" [id=348, type=nncf_model_const]; +"349 Mixed_6b.branch_pool.bn.bias" [id=349, type=nncf_model_const]; +"350 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=350, type=batch_norm]; +"351 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" [id=351, type=relu_]; +"352 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=352, type=symmetric_quantize]; +"353 Inception3/InceptionC[Mixed_6b]/cat_0" [id=353, type=cat]; +"354 Mixed_6c.branch1x1.conv.weight" [id=354, type=nncf_model_const]; +"355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=355, type=symmetric_quantize]; +"356 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=356, type=conv2d]; +"357 Mixed_6c.branch1x1.bn.weight" [id=357, type=nncf_model_const]; +"358 Mixed_6c.branch1x1.bn.bias" [id=358, type=nncf_model_const]; +"359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=359, type=batch_norm]; +"360 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" [id=360, type=relu_]; +"361 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=361, type=symmetric_quantize]; +"362 Mixed_6c.branch7x7_1.conv.weight" [id=362, type=nncf_model_const]; +"363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=363, type=symmetric_quantize]; +"364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" [id=364, type=conv2d]; +"365 Mixed_6c.branch7x7_1.bn.weight" [id=365, type=nncf_model_const]; +"366 Mixed_6c.branch7x7_1.bn.bias" [id=366, type=nncf_model_const]; +"367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" [id=367, type=batch_norm]; +"368 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" [id=368, type=relu_]; +"369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=369, type=symmetric_quantize]; +"370 Mixed_6c.branch7x7_2.conv.weight" [id=370, type=nncf_model_const]; +"371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=371, type=symmetric_quantize]; +"372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" [id=372, type=conv2d]; +"373 Mixed_6c.branch7x7_2.bn.weight" [id=373, type=nncf_model_const]; +"374 Mixed_6c.branch7x7_2.bn.bias" [id=374, type=nncf_model_const]; +"375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" [id=375, type=batch_norm]; +"376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" [id=376, type=relu_]; +"377 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=377, type=symmetric_quantize]; +"378 Mixed_6c.branch7x7_3.conv.weight" [id=378, type=nncf_model_const]; +"379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=379, type=symmetric_quantize]; +"380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" [id=380, type=conv2d]; +"381 Mixed_6c.branch7x7_3.bn.weight" [id=381, type=nncf_model_const]; +"382 Mixed_6c.branch7x7_3.bn.bias" [id=382, type=nncf_model_const]; +"383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" [id=383, type=batch_norm]; +"384 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" [id=384, type=relu_]; +"385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=385, type=symmetric_quantize]; +"386 Mixed_6c.branch7x7dbl_1.conv.weight" [id=386, type=nncf_model_const]; +"387 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=387, type=symmetric_quantize]; +"388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" [id=388, type=conv2d]; +"389 Mixed_6c.branch7x7dbl_1.bn.weight" [id=389, type=nncf_model_const]; +"390 Mixed_6c.branch7x7dbl_1.bn.bias" [id=390, type=nncf_model_const]; +"391 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=391, type=batch_norm]; +"392 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=392, type=relu_]; +"393 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=393, type=symmetric_quantize]; +"394 Mixed_6c.branch7x7dbl_2.conv.weight" [id=394, type=nncf_model_const]; +"395 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=395, type=symmetric_quantize]; +"396 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" [id=396, type=conv2d]; +"397 Mixed_6c.branch7x7dbl_2.bn.weight" [id=397, type=nncf_model_const]; +"398 Mixed_6c.branch7x7dbl_2.bn.bias" [id=398, type=nncf_model_const]; +"399 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=399, type=batch_norm]; +"400 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=400, type=relu_]; +"401 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=401, type=symmetric_quantize]; +"402 Mixed_6c.branch7x7dbl_3.conv.weight" [id=402, type=nncf_model_const]; +"403 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=403, type=symmetric_quantize]; +"404 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" [id=404, type=conv2d]; +"405 Mixed_6c.branch7x7dbl_3.bn.weight" [id=405, type=nncf_model_const]; +"406 Mixed_6c.branch7x7dbl_3.bn.bias" [id=406, type=nncf_model_const]; +"407 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=407, type=batch_norm]; +"408 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=408, type=relu_]; +"409 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=409, type=symmetric_quantize]; +"410 Mixed_6c.branch7x7dbl_4.conv.weight" [id=410, type=nncf_model_const]; +"411 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=411, type=symmetric_quantize]; +"412 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" [id=412, type=conv2d]; +"413 Mixed_6c.branch7x7dbl_4.bn.weight" [id=413, type=nncf_model_const]; +"414 Mixed_6c.branch7x7dbl_4.bn.bias" [id=414, type=nncf_model_const]; +"415 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" [id=415, type=batch_norm]; +"416 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=416, type=relu_]; +"417 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=417, type=symmetric_quantize]; +"418 Mixed_6c.branch7x7dbl_5.conv.weight" [id=418, type=nncf_model_const]; +"419 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=419, type=symmetric_quantize]; +"420 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" [id=420, type=conv2d]; +"421 Mixed_6c.branch7x7dbl_5.bn.weight" [id=421, type=nncf_model_const]; +"422 Mixed_6c.branch7x7dbl_5.bn.bias" [id=422, type=nncf_model_const]; +"423 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" [id=423, type=batch_norm]; +"424 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=424, type=relu_]; +"425 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=425, type=symmetric_quantize]; +"426 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" [id=426, type=avg_pool2d]; +"427 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" [id=427, type=symmetric_quantize]; +"428 Mixed_6c.branch_pool.conv.weight" [id=428, type=nncf_model_const]; +"429 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=429, type=symmetric_quantize]; +"430 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=430, type=conv2d]; +"431 Mixed_6c.branch_pool.bn.weight" [id=431, type=nncf_model_const]; +"432 Mixed_6c.branch_pool.bn.bias" [id=432, type=nncf_model_const]; +"433 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=433, type=batch_norm]; +"434 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" [id=434, type=relu_]; +"435 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=435, type=symmetric_quantize]; +"436 Inception3/InceptionC[Mixed_6c]/cat_0" [id=436, type=cat]; +"437 Mixed_6d.branch1x1.conv.weight" [id=437, type=nncf_model_const]; +"438 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=438, type=symmetric_quantize]; +"439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=439, type=conv2d]; +"440 Mixed_6d.branch1x1.bn.weight" [id=440, type=nncf_model_const]; +"441 Mixed_6d.branch1x1.bn.bias" [id=441, type=nncf_model_const]; +"442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=442, type=batch_norm]; +"443 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" [id=443, type=relu_]; +"444 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=444, type=symmetric_quantize]; +"445 Mixed_6d.branch7x7_1.conv.weight" [id=445, type=nncf_model_const]; +"446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=446, type=symmetric_quantize]; +"447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" [id=447, type=conv2d]; +"448 Mixed_6d.branch7x7_1.bn.weight" [id=448, type=nncf_model_const]; +"449 Mixed_6d.branch7x7_1.bn.bias" [id=449, type=nncf_model_const]; +"450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" [id=450, type=batch_norm]; +"451 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" [id=451, type=relu_]; +"452 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=452, type=symmetric_quantize]; +"453 Mixed_6d.branch7x7_2.conv.weight" [id=453, type=nncf_model_const]; +"454 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=454, type=symmetric_quantize]; +"455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" [id=455, type=conv2d]; +"456 Mixed_6d.branch7x7_2.bn.weight" [id=456, type=nncf_model_const]; +"457 Mixed_6d.branch7x7_2.bn.bias" [id=457, type=nncf_model_const]; +"458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" [id=458, type=batch_norm]; +"459 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" [id=459, type=relu_]; +"460 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=460, type=symmetric_quantize]; +"461 Mixed_6d.branch7x7_3.conv.weight" [id=461, type=nncf_model_const]; +"462 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=462, type=symmetric_quantize]; +"463 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" [id=463, type=conv2d]; +"464 Mixed_6d.branch7x7_3.bn.weight" [id=464, type=nncf_model_const]; +"465 Mixed_6d.branch7x7_3.bn.bias" [id=465, type=nncf_model_const]; +"466 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" [id=466, type=batch_norm]; +"467 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" [id=467, type=relu_]; +"468 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=468, type=symmetric_quantize]; +"469 Mixed_6d.branch7x7dbl_1.conv.weight" [id=469, type=nncf_model_const]; +"470 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=470, type=symmetric_quantize]; +"471 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" [id=471, type=conv2d]; +"472 Mixed_6d.branch7x7dbl_1.bn.weight" [id=472, type=nncf_model_const]; +"473 Mixed_6d.branch7x7dbl_1.bn.bias" [id=473, type=nncf_model_const]; +"474 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=474, type=batch_norm]; +"475 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=475, type=relu_]; +"476 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=476, type=symmetric_quantize]; +"477 Mixed_6d.branch7x7dbl_2.conv.weight" [id=477, type=nncf_model_const]; +"478 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=478, type=symmetric_quantize]; +"479 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" [id=479, type=conv2d]; +"480 Mixed_6d.branch7x7dbl_2.bn.weight" [id=480, type=nncf_model_const]; +"481 Mixed_6d.branch7x7dbl_2.bn.bias" [id=481, type=nncf_model_const]; +"482 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=482, type=batch_norm]; +"483 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=483, type=relu_]; +"484 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=484, type=symmetric_quantize]; +"485 Mixed_6d.branch7x7dbl_3.conv.weight" [id=485, type=nncf_model_const]; +"486 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=486, type=symmetric_quantize]; +"487 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" [id=487, type=conv2d]; +"488 Mixed_6d.branch7x7dbl_3.bn.weight" [id=488, type=nncf_model_const]; +"489 Mixed_6d.branch7x7dbl_3.bn.bias" [id=489, type=nncf_model_const]; +"490 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=490, type=batch_norm]; +"491 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=491, type=relu_]; +"492 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=492, type=symmetric_quantize]; +"493 Mixed_6d.branch7x7dbl_4.conv.weight" [id=493, type=nncf_model_const]; +"494 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=494, type=symmetric_quantize]; +"495 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" [id=495, type=conv2d]; +"496 Mixed_6d.branch7x7dbl_4.bn.weight" [id=496, type=nncf_model_const]; +"497 Mixed_6d.branch7x7dbl_4.bn.bias" [id=497, type=nncf_model_const]; +"498 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" [id=498, type=batch_norm]; +"499 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=499, type=relu_]; +"500 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=500, type=symmetric_quantize]; +"501 Mixed_6d.branch7x7dbl_5.conv.weight" [id=501, type=nncf_model_const]; +"502 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=502, type=symmetric_quantize]; +"503 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" [id=503, type=conv2d]; +"504 Mixed_6d.branch7x7dbl_5.bn.weight" [id=504, type=nncf_model_const]; +"505 Mixed_6d.branch7x7dbl_5.bn.bias" [id=505, type=nncf_model_const]; +"506 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" [id=506, type=batch_norm]; +"507 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=507, type=relu_]; +"508 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=508, type=symmetric_quantize]; +"509 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" [id=509, type=avg_pool2d]; +"510 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" [id=510, type=symmetric_quantize]; +"511 Mixed_6d.branch_pool.conv.weight" [id=511, type=nncf_model_const]; +"512 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=512, type=symmetric_quantize]; +"513 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=513, type=conv2d]; +"514 Mixed_6d.branch_pool.bn.weight" [id=514, type=nncf_model_const]; +"515 Mixed_6d.branch_pool.bn.bias" [id=515, type=nncf_model_const]; +"516 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=516, type=batch_norm]; +"517 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" [id=517, type=relu_]; +"518 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=518, type=symmetric_quantize]; +"519 Inception3/InceptionC[Mixed_6d]/cat_0" [id=519, type=cat]; +"520 Mixed_6e.branch1x1.conv.weight" [id=520, type=nncf_model_const]; +"521 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=521, type=symmetric_quantize]; +"522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=522, type=conv2d]; +"523 Mixed_6e.branch1x1.bn.weight" [id=523, type=nncf_model_const]; +"524 Mixed_6e.branch1x1.bn.bias" [id=524, type=nncf_model_const]; +"525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=525, type=batch_norm]; +"526 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" [id=526, type=relu_]; +"527 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=527, type=symmetric_quantize]; +"528 Mixed_6e.branch7x7_1.conv.weight" [id=528, type=nncf_model_const]; +"529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=529, type=symmetric_quantize]; +"530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" [id=530, type=conv2d]; +"531 Mixed_6e.branch7x7_1.bn.weight" [id=531, type=nncf_model_const]; +"532 Mixed_6e.branch7x7_1.bn.bias" [id=532, type=nncf_model_const]; +"533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" [id=533, type=batch_norm]; +"534 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" [id=534, type=relu_]; +"535 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=535, type=symmetric_quantize]; +"536 Mixed_6e.branch7x7_2.conv.weight" [id=536, type=nncf_model_const]; +"537 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=537, type=symmetric_quantize]; +"538 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" [id=538, type=conv2d]; +"539 Mixed_6e.branch7x7_2.bn.weight" [id=539, type=nncf_model_const]; +"540 Mixed_6e.branch7x7_2.bn.bias" [id=540, type=nncf_model_const]; +"541 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" [id=541, type=batch_norm]; +"542 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" [id=542, type=relu_]; +"543 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=543, type=symmetric_quantize]; +"544 Mixed_6e.branch7x7_3.conv.weight" [id=544, type=nncf_model_const]; +"545 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=545, type=symmetric_quantize]; +"546 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" [id=546, type=conv2d]; +"547 Mixed_6e.branch7x7_3.bn.weight" [id=547, type=nncf_model_const]; +"548 Mixed_6e.branch7x7_3.bn.bias" [id=548, type=nncf_model_const]; +"549 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" [id=549, type=batch_norm]; +"550 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" [id=550, type=relu_]; +"551 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=551, type=symmetric_quantize]; +"552 Mixed_6e.branch7x7dbl_1.conv.weight" [id=552, type=nncf_model_const]; +"553 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=553, type=symmetric_quantize]; +"554 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" [id=554, type=conv2d]; +"555 Mixed_6e.branch7x7dbl_1.bn.weight" [id=555, type=nncf_model_const]; +"556 Mixed_6e.branch7x7dbl_1.bn.bias" [id=556, type=nncf_model_const]; +"557 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=557, type=batch_norm]; +"558 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=558, type=relu_]; +"559 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=559, type=symmetric_quantize]; +"560 Mixed_6e.branch7x7dbl_2.conv.weight" [id=560, type=nncf_model_const]; +"561 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=561, type=symmetric_quantize]; +"562 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" [id=562, type=conv2d]; +"563 Mixed_6e.branch7x7dbl_2.bn.weight" [id=563, type=nncf_model_const]; +"564 Mixed_6e.branch7x7dbl_2.bn.bias" [id=564, type=nncf_model_const]; +"565 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=565, type=batch_norm]; +"566 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=566, type=relu_]; +"567 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=567, type=symmetric_quantize]; +"568 Mixed_6e.branch7x7dbl_3.conv.weight" [id=568, type=nncf_model_const]; +"569 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=569, type=symmetric_quantize]; +"570 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" [id=570, type=conv2d]; +"571 Mixed_6e.branch7x7dbl_3.bn.weight" [id=571, type=nncf_model_const]; +"572 Mixed_6e.branch7x7dbl_3.bn.bias" [id=572, type=nncf_model_const]; +"573 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" [id=573, type=batch_norm]; +"574 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=574, type=relu_]; +"575 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=575, type=symmetric_quantize]; +"576 Mixed_6e.branch7x7dbl_4.conv.weight" [id=576, type=nncf_model_const]; +"577 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=577, type=symmetric_quantize]; +"578 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" [id=578, type=conv2d]; +"579 Mixed_6e.branch7x7dbl_4.bn.weight" [id=579, type=nncf_model_const]; +"580 Mixed_6e.branch7x7dbl_4.bn.bias" [id=580, type=nncf_model_const]; +"581 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" [id=581, type=batch_norm]; +"582 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=582, type=relu_]; +"583 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=583, type=symmetric_quantize]; +"584 Mixed_6e.branch7x7dbl_5.conv.weight" [id=584, type=nncf_model_const]; +"585 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=585, type=symmetric_quantize]; +"586 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" [id=586, type=conv2d]; +"587 Mixed_6e.branch7x7dbl_5.bn.weight" [id=587, type=nncf_model_const]; +"588 Mixed_6e.branch7x7dbl_5.bn.bias" [id=588, type=nncf_model_const]; +"589 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" [id=589, type=batch_norm]; +"590 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=590, type=relu_]; +"591 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=591, type=symmetric_quantize]; +"592 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" [id=592, type=avg_pool2d]; +"593 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" [id=593, type=symmetric_quantize]; +"594 Mixed_6e.branch_pool.conv.weight" [id=594, type=nncf_model_const]; +"595 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=595, type=symmetric_quantize]; +"596 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=596, type=conv2d]; +"597 Mixed_6e.branch_pool.bn.weight" [id=597, type=nncf_model_const]; +"598 Mixed_6e.branch_pool.bn.bias" [id=598, type=nncf_model_const]; +"599 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=599, type=batch_norm]; +"600 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" [id=600, type=relu_]; +"601 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=601, type=symmetric_quantize]; +"602 Inception3/InceptionC[Mixed_6e]/cat_0" [id=602, type=cat]; +"603 Mixed_7a.branch3x3_1.conv.weight" [id=603, type=nncf_model_const]; +"604 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=604, type=symmetric_quantize]; +"605 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" [id=605, type=conv2d]; +"606 Mixed_7a.branch3x3_1.bn.weight" [id=606, type=nncf_model_const]; +"607 Mixed_7a.branch3x3_1.bn.bias" [id=607, type=nncf_model_const]; +"608 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" [id=608, type=batch_norm]; +"609 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" [id=609, type=relu_]; +"610 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=610, type=symmetric_quantize]; +"611 Mixed_7a.branch3x3_2.conv.weight" [id=611, type=nncf_model_const]; +"612 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=612, type=symmetric_quantize]; +"613 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/conv2d_0" [id=613, type=conv2d]; +"614 Mixed_7a.branch3x3_2.bn.weight" [id=614, type=nncf_model_const]; +"615 Mixed_7a.branch3x3_2.bn.bias" [id=615, type=nncf_model_const]; +"616 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0" [id=616, type=batch_norm]; +"617 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" [id=617, type=relu_]; +"618 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=618, type=symmetric_quantize]; +"619 Mixed_7a.branch7x7x3_1.conv.weight" [id=619, type=nncf_model_const]; +"620 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=620, type=symmetric_quantize]; +"621 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/conv2d_0" [id=621, type=conv2d]; +"622 Mixed_7a.branch7x7x3_1.bn.weight" [id=622, type=nncf_model_const]; +"623 Mixed_7a.branch7x7x3_1.bn.bias" [id=623, type=nncf_model_const]; +"624 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0" [id=624, type=batch_norm]; +"625 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" [id=625, type=relu_]; +"626 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=626, type=symmetric_quantize]; +"627 Mixed_7a.branch7x7x3_2.conv.weight" [id=627, type=nncf_model_const]; +"628 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=628, type=symmetric_quantize]; +"629 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/conv2d_0" [id=629, type=conv2d]; +"630 Mixed_7a.branch7x7x3_2.bn.weight" [id=630, type=nncf_model_const]; +"631 Mixed_7a.branch7x7x3_2.bn.bias" [id=631, type=nncf_model_const]; +"632 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0" [id=632, type=batch_norm]; +"633 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" [id=633, type=relu_]; +"634 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=634, type=symmetric_quantize]; +"635 Mixed_7a.branch7x7x3_3.conv.weight" [id=635, type=nncf_model_const]; +"636 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=636, type=symmetric_quantize]; +"637 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/conv2d_0" [id=637, type=conv2d]; +"638 Mixed_7a.branch7x7x3_3.bn.weight" [id=638, type=nncf_model_const]; +"639 Mixed_7a.branch7x7x3_3.bn.bias" [id=639, type=nncf_model_const]; +"640 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0" [id=640, type=batch_norm]; +"641 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" [id=641, type=relu_]; +"642 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" [id=642, type=symmetric_quantize]; +"643 Mixed_7a.branch7x7x3_4.conv.weight" [id=643, type=nncf_model_const]; +"644 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=644, type=symmetric_quantize]; +"645 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/conv2d_0" [id=645, type=conv2d]; +"646 Mixed_7a.branch7x7x3_4.bn.weight" [id=646, type=nncf_model_const]; +"647 Mixed_7a.branch7x7x3_4.bn.bias" [id=647, type=nncf_model_const]; +"648 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0" [id=648, type=batch_norm]; +"649 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" [id=649, type=relu_]; +"650 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" [id=650, type=symmetric_quantize]; +"651 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" [id=651, type=max_pool2d]; +"652 Inception3/InceptionD[Mixed_7a]/cat_0" [id=652, type=cat]; +"653 Mixed_7b.branch1x1.conv.weight" [id=653, type=nncf_model_const]; +"654 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=654, type=symmetric_quantize]; +"655 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=655, type=conv2d]; +"656 Mixed_7b.branch1x1.bn.weight" [id=656, type=nncf_model_const]; +"657 Mixed_7b.branch1x1.bn.bias" [id=657, type=nncf_model_const]; +"658 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=658, type=batch_norm]; +"659 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" [id=659, type=relu_]; +"660 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=660, type=symmetric_quantize]; +"661 Mixed_7b.branch3x3_1.conv.weight" [id=661, type=nncf_model_const]; +"662 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=662, type=symmetric_quantize]; +"663 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" [id=663, type=conv2d]; +"664 Mixed_7b.branch3x3_1.bn.weight" [id=664, type=nncf_model_const]; +"665 Mixed_7b.branch3x3_1.bn.bias" [id=665, type=nncf_model_const]; +"666 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" [id=666, type=batch_norm]; +"667 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" [id=667, type=relu_]; +"668 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=668, type=symmetric_quantize]; +"669 Mixed_7b.branch3x3_2a.conv.weight" [id=669, type=nncf_model_const]; +"670 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=670, type=symmetric_quantize]; +"671 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0" [id=671, type=conv2d]; +"672 Mixed_7b.branch3x3_2a.bn.weight" [id=672, type=nncf_model_const]; +"673 Mixed_7b.branch3x3_2a.bn.bias" [id=673, type=nncf_model_const]; +"674 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0" [id=674, type=batch_norm]; +"675 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" [id=675, type=relu_]; +"676 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=676, type=symmetric_quantize]; +"677 Mixed_7b.branch3x3_2b.conv.weight" [id=677, type=nncf_model_const]; +"678 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=678, type=symmetric_quantize]; +"679 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0" [id=679, type=conv2d]; +"680 Mixed_7b.branch3x3_2b.bn.weight" [id=680, type=nncf_model_const]; +"681 Mixed_7b.branch3x3_2b.bn.bias" [id=681, type=nncf_model_const]; +"682 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0" [id=682, type=batch_norm]; +"683 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" [id=683, type=relu_]; +"684 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=684, type=symmetric_quantize]; +"685 Inception3/InceptionE[Mixed_7b]/cat_0" [id=685, type=cat]; +"686 Mixed_7b.branch3x3dbl_1.conv.weight" [id=686, type=nncf_model_const]; +"687 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=687, type=symmetric_quantize]; +"688 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=688, type=conv2d]; +"689 Mixed_7b.branch3x3dbl_1.bn.weight" [id=689, type=nncf_model_const]; +"690 Mixed_7b.branch3x3dbl_1.bn.bias" [id=690, type=nncf_model_const]; +"691 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=691, type=batch_norm]; +"692 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=692, type=relu_]; +"693 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=693, type=symmetric_quantize]; +"694 Mixed_7b.branch3x3dbl_2.conv.weight" [id=694, type=nncf_model_const]; +"695 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=695, type=symmetric_quantize]; +"696 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=696, type=conv2d]; +"697 Mixed_7b.branch3x3dbl_2.bn.weight" [id=697, type=nncf_model_const]; +"698 Mixed_7b.branch3x3dbl_2.bn.bias" [id=698, type=nncf_model_const]; +"699 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=699, type=batch_norm]; +"700 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=700, type=relu_]; +"701 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=701, type=symmetric_quantize]; +"702 Mixed_7b.branch3x3dbl_3a.conv.weight" [id=702, type=nncf_model_const]; +"703 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=703, type=symmetric_quantize]; +"704 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0" [id=704, type=conv2d]; +"705 Mixed_7b.branch3x3dbl_3a.bn.weight" [id=705, type=nncf_model_const]; +"706 Mixed_7b.branch3x3dbl_3a.bn.bias" [id=706, type=nncf_model_const]; +"707 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0" [id=707, type=batch_norm]; +"708 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=708, type=relu_]; +"709 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=709, type=symmetric_quantize]; +"710 Mixed_7b.branch3x3dbl_3b.conv.weight" [id=710, type=nncf_model_const]; +"711 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=711, type=symmetric_quantize]; +"712 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0" [id=712, type=conv2d]; +"713 Mixed_7b.branch3x3dbl_3b.bn.weight" [id=713, type=nncf_model_const]; +"714 Mixed_7b.branch3x3dbl_3b.bn.bias" [id=714, type=nncf_model_const]; +"715 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0" [id=715, type=batch_norm]; +"716 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=716, type=relu_]; +"717 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=717, type=symmetric_quantize]; +"718 Inception3/InceptionE[Mixed_7b]/cat_1" [id=718, type=cat]; +"719 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" [id=719, type=avg_pool2d]; +"720 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" [id=720, type=symmetric_quantize]; +"721 Mixed_7b.branch_pool.conv.weight" [id=721, type=nncf_model_const]; +"722 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=722, type=symmetric_quantize]; +"723 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=723, type=conv2d]; +"724 Mixed_7b.branch_pool.bn.weight" [id=724, type=nncf_model_const]; +"725 Mixed_7b.branch_pool.bn.bias" [id=725, type=nncf_model_const]; +"726 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=726, type=batch_norm]; +"727 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" [id=727, type=relu_]; +"728 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=728, type=symmetric_quantize]; +"729 Inception3/InceptionE[Mixed_7b]/cat_2" [id=729, type=cat]; +"730 Mixed_7c.branch1x1.conv.weight" [id=730, type=nncf_model_const]; +"731 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=731, type=symmetric_quantize]; +"732 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" [id=732, type=conv2d]; +"733 Mixed_7c.branch1x1.bn.weight" [id=733, type=nncf_model_const]; +"734 Mixed_7c.branch1x1.bn.bias" [id=734, type=nncf_model_const]; +"735 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" [id=735, type=batch_norm]; +"736 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" [id=736, type=relu_]; +"737 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=737, type=symmetric_quantize]; +"738 Mixed_7c.branch3x3_1.conv.weight" [id=738, type=nncf_model_const]; +"739 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=739, type=symmetric_quantize]; +"740 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" [id=740, type=conv2d]; +"741 Mixed_7c.branch3x3_1.bn.weight" [id=741, type=nncf_model_const]; +"742 Mixed_7c.branch3x3_1.bn.bias" [id=742, type=nncf_model_const]; +"743 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" [id=743, type=batch_norm]; +"744 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" [id=744, type=relu_]; +"745 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=745, type=symmetric_quantize]; +"746 Mixed_7c.branch3x3_2a.conv.weight" [id=746, type=nncf_model_const]; +"747 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=747, type=symmetric_quantize]; +"748 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0" [id=748, type=conv2d]; +"749 Mixed_7c.branch3x3_2a.bn.weight" [id=749, type=nncf_model_const]; +"750 Mixed_7c.branch3x3_2a.bn.bias" [id=750, type=nncf_model_const]; +"751 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0" [id=751, type=batch_norm]; +"752 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" [id=752, type=relu_]; +"753 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=753, type=symmetric_quantize]; +"754 Mixed_7c.branch3x3_2b.conv.weight" [id=754, type=nncf_model_const]; +"755 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=755, type=symmetric_quantize]; +"756 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0" [id=756, type=conv2d]; +"757 Mixed_7c.branch3x3_2b.bn.weight" [id=757, type=nncf_model_const]; +"758 Mixed_7c.branch3x3_2b.bn.bias" [id=758, type=nncf_model_const]; +"759 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0" [id=759, type=batch_norm]; +"760 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" [id=760, type=relu_]; +"761 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=761, type=symmetric_quantize]; +"762 Inception3/InceptionE[Mixed_7c]/cat_0" [id=762, type=cat]; +"763 Mixed_7c.branch3x3dbl_1.conv.weight" [id=763, type=nncf_model_const]; +"764 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=764, type=symmetric_quantize]; +"765 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" [id=765, type=conv2d]; +"766 Mixed_7c.branch3x3dbl_1.bn.weight" [id=766, type=nncf_model_const]; +"767 Mixed_7c.branch3x3dbl_1.bn.bias" [id=767, type=nncf_model_const]; +"768 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" [id=768, type=batch_norm]; +"769 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=769, type=relu_]; +"770 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=770, type=symmetric_quantize]; +"771 Mixed_7c.branch3x3dbl_2.conv.weight" [id=771, type=nncf_model_const]; +"772 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=772, type=symmetric_quantize]; +"773 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" [id=773, type=conv2d]; +"774 Mixed_7c.branch3x3dbl_2.bn.weight" [id=774, type=nncf_model_const]; +"775 Mixed_7c.branch3x3dbl_2.bn.bias" [id=775, type=nncf_model_const]; +"776 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" [id=776, type=batch_norm]; +"777 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=777, type=relu_]; +"778 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=778, type=symmetric_quantize]; +"779 Mixed_7c.branch3x3dbl_3a.conv.weight" [id=779, type=nncf_model_const]; +"780 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=780, type=symmetric_quantize]; +"781 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0" [id=781, type=conv2d]; +"782 Mixed_7c.branch3x3dbl_3a.bn.weight" [id=782, type=nncf_model_const]; +"783 Mixed_7c.branch3x3dbl_3a.bn.bias" [id=783, type=nncf_model_const]; +"784 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0" [id=784, type=batch_norm]; +"785 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=785, type=relu_]; +"786 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=786, type=symmetric_quantize]; +"787 Mixed_7c.branch3x3dbl_3b.conv.weight" [id=787, type=nncf_model_const]; +"788 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=788, type=symmetric_quantize]; +"789 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0" [id=789, type=conv2d]; +"790 Mixed_7c.branch3x3dbl_3b.bn.weight" [id=790, type=nncf_model_const]; +"791 Mixed_7c.branch3x3dbl_3b.bn.bias" [id=791, type=nncf_model_const]; +"792 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0" [id=792, type=batch_norm]; +"793 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=793, type=relu_]; +"794 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=794, type=symmetric_quantize]; +"795 Inception3/InceptionE[Mixed_7c]/cat_1" [id=795, type=cat]; +"796 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" [id=796, type=avg_pool2d]; +"797 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" [id=797, type=symmetric_quantize]; +"798 Mixed_7c.branch_pool.conv.weight" [id=798, type=nncf_model_const]; +"799 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" [id=799, type=symmetric_quantize]; +"800 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" [id=800, type=conv2d]; +"801 Mixed_7c.branch_pool.bn.weight" [id=801, type=nncf_model_const]; +"802 Mixed_7c.branch_pool.bn.bias" [id=802, type=nncf_model_const]; +"803 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" [id=803, type=batch_norm]; +"804 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" [id=804, type=relu_]; +"805 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=805, type=symmetric_quantize]; +"806 Inception3/InceptionE[Mixed_7c]/cat_2" [id=806, type=cat]; +"807 Inception3/adaptive_avg_pool2d_0" [id=807, type=adaptive_avg_pool2d]; +"808 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" [id=808, type=symmetric_quantize]; +"809 Inception3/dropout_0" [id=809, type=dropout]; +"810 Inception3/view_0" [id=810, type=view]; +"811 fc.weight" [id=811, type=nncf_model_const]; +"812 fc.bias" [id=812, type=nncf_model_const]; +"813 Inception3/Linear[fc]/SymmetricQuantizer/symmetric_quantize_0" [id=813, type=symmetric_quantize]; +"814 Inception3/Linear[fc]/linear_0" [id=814, type=linear]; +"815 /nncf_model_output_0" [id=815, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "2 Inception3/__getitem___0"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "8 Inception3/__getitem___1"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "14 Inception3/__getitem___2"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "7 Inception3/__getitem___1"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "12 Inception3/__getitem___2"; "2 Inception3/__getitem___0" -> "3 Inception3/unsqueeze_0"; "3 Inception3/unsqueeze_0" -> "4 Inception3/__mul___0"; -"4 Inception3/__mul___0" -> "5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___0|OUTPUT]/symmetric_quantize_0"; -"5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___0|OUTPUT]/symmetric_quantize_0" -> "6 Inception3/__add___0"; -"6 Inception3/__add___0" -> "7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0"; -"7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" -> "20 Inception3/cat_0"; -"8 Inception3/__getitem___1" -> "9 Inception3/unsqueeze_1"; -"9 Inception3/unsqueeze_1" -> "10 Inception3/__mul___1"; -"10 Inception3/__mul___1" -> "11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___1|OUTPUT]/symmetric_quantize_0"; -"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___1|OUTPUT]/symmetric_quantize_0" -> "12 Inception3/__add___1"; -"12 Inception3/__add___1" -> "13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1"; -"13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" -> "20 Inception3/cat_0"; -"14 Inception3/__getitem___2" -> "15 Inception3/unsqueeze_2"; -"15 Inception3/unsqueeze_2" -> "16 Inception3/__mul___2"; -"16 Inception3/__mul___2" -> "17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___2|OUTPUT]/symmetric_quantize_0"; -"17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___2|OUTPUT]/symmetric_quantize_0" -> "18 Inception3/__add___2"; -"18 Inception3/__add___2" -> "19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2"; -"19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" -> "20 Inception3/cat_0"; -"20 Inception3/cat_0" -> "23 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/conv2d_0"; -"21 Conv2d_1a_3x3.conv.weight" -> "22 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "23 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/conv2d_0"; -"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/conv2d_0" -> "26 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"24 Conv2d_1a_3x3.bn.weight" -> "26 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"25 Conv2d_1a_3x3.bn.bias" -> "26 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"26 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0" -> "27 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0"; -"27 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" -> "28 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"28 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "31 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/conv2d_0"; -"29 Conv2d_2a_3x3.conv.weight" -> "30 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "31 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/conv2d_0"; -"31 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/conv2d_0" -> "34 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"32 Conv2d_2a_3x3.bn.weight" -> "34 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"33 Conv2d_2a_3x3.bn.bias" -> "34 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"34 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0" -> "35 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0"; -"35 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" -> "36 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"36 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "39 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/conv2d_0"; -"37 Conv2d_2b_3x3.conv.weight" -> "38 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"38 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "39 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/conv2d_0"; -"39 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/conv2d_0" -> "42 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"40 Conv2d_2b_3x3.bn.weight" -> "42 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"41 Conv2d_2b_3x3.bn.bias" -> "42 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"42 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0" -> "43 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0"; -"43 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" -> "44 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"44 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "45 Inception3/max_pool2d_0"; -"45 Inception3/max_pool2d_0" -> "48 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/conv2d_0"; -"46 Conv2d_3b_1x1.conv.weight" -> "47 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"47 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "48 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/conv2d_0"; -"48 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/conv2d_0" -> "51 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0"; -"49 Conv2d_3b_1x1.bn.weight" -> "51 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0"; -"50 Conv2d_3b_1x1.bn.bias" -> "51 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0"; -"51 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0" -> "52 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0"; -"52 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" -> "53 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"53 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "56 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/conv2d_0"; -"54 Conv2d_4a_3x3.conv.weight" -> "55 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"55 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "56 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/conv2d_0"; -"56 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/conv2d_0" -> "59 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"57 Conv2d_4a_3x3.bn.weight" -> "59 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"58 Conv2d_4a_3x3.bn.bias" -> "59 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0"; -"59 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0" -> "60 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0"; -"60 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" -> "61 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"61 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "62 Inception3/max_pool2d_1"; -"62 Inception3/max_pool2d_1" -> "65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"62 Inception3/max_pool2d_1" -> "73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; -"62 Inception3/max_pool2d_1" -> "89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"62 Inception3/max_pool2d_1" -> "111 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0"; -"63 Mixed_5b.branch1x1.conv.weight" -> "64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"66 Mixed_5b.branch1x1.bn.weight" -> "68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"67 Mixed_5b.branch1x1.bn.bias" -> "68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0"; -"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" -> "70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "121 Inception3/InceptionA[Mixed_5b]/cat_0"; -"71 Mixed_5b.branch5x5_1.conv.weight" -> "72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; -"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" -> "76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; -"74 Mixed_5b.branch5x5_1.bn.weight" -> "76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; -"75 Mixed_5b.branch5x5_1.bn.bias" -> "76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; -"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" -> "77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0"; -"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" -> "78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; -"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; -"79 Mixed_5b.branch5x5_2.conv.weight" -> "80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; -"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" -> "84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; -"82 Mixed_5b.branch5x5_2.bn.weight" -> "84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; -"83 Mixed_5b.branch5x5_2.bn.bias" -> "84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; -"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" -> "85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0"; -"85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" -> "86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; -"86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "121 Inception3/InceptionA[Mixed_5b]/cat_0"; -"87 Mixed_5b.branch3x3dbl_1.conv.weight" -> "88 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"88 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"90 Mixed_5b.branch3x3dbl_1.bn.weight" -> "92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"91 Mixed_5b.branch3x3dbl_1.bn.bias" -> "92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"95 Mixed_5b.branch3x3dbl_2.conv.weight" -> "96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "100 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"98 Mixed_5b.branch3x3dbl_2.bn.weight" -> "100 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"99 Mixed_5b.branch3x3dbl_2.bn.bias" -> "100 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"100 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "101 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"101 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; -"103 Mixed_5b.branch3x3dbl_3.conv.weight" -> "104 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"104 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; -"105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" -> "108 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"106 Mixed_5b.branch3x3dbl_3.bn.weight" -> "108 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"107 Mixed_5b.branch3x3dbl_3.bn.bias" -> "108 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"108 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "109 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"109 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "110 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"110 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "121 Inception3/InceptionA[Mixed_5b]/cat_0"; -"111 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" -> "112 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0"; -"112 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" -> "115 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"113 Mixed_5b.branch_pool.conv.weight" -> "114 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"114 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "115 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"115 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "118 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"116 Mixed_5b.branch_pool.bn.weight" -> "118 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"117 Mixed_5b.branch_pool.bn.bias" -> "118 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"118 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "119 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0"; -"119 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" -> "120 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"120 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "121 Inception3/InceptionA[Mixed_5b]/cat_0"; -"121 Inception3/InceptionA[Mixed_5b]/cat_0" -> "124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"121 Inception3/InceptionA[Mixed_5b]/cat_0" -> "132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; -"121 Inception3/InceptionA[Mixed_5b]/cat_0" -> "148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"121 Inception3/InceptionA[Mixed_5b]/cat_0" -> "170 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0"; -"122 Mixed_5c.branch1x1.conv.weight" -> "123 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"123 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"125 Mixed_5c.branch1x1.bn.weight" -> "127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"126 Mixed_5c.branch1x1.bn.bias" -> "127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0"; -"128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" -> "129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "180 Inception3/InceptionA[Mixed_5c]/cat_0"; -"130 Mixed_5c.branch5x5_1.conv.weight" -> "131 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"131 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; -"132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" -> "135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; -"133 Mixed_5c.branch5x5_1.bn.weight" -> "135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; -"134 Mixed_5c.branch5x5_1.bn.bias" -> "135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; -"135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" -> "136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0"; -"136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" -> "137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; -"137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; -"138 Mixed_5c.branch5x5_2.conv.weight" -> "139 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"139 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; -"140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" -> "143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; -"141 Mixed_5c.branch5x5_2.bn.weight" -> "143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; -"142 Mixed_5c.branch5x5_2.bn.bias" -> "143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; -"143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" -> "144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0"; -"144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" -> "145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; -"145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "180 Inception3/InceptionA[Mixed_5c]/cat_0"; -"146 Mixed_5c.branch3x3dbl_1.conv.weight" -> "147 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"147 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"149 Mixed_5c.branch3x3dbl_1.bn.weight" -> "151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"150 Mixed_5c.branch3x3dbl_1.bn.bias" -> "151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "152 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"152 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"154 Mixed_5c.branch3x3dbl_2.conv.weight" -> "155 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"155 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "159 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"157 Mixed_5c.branch3x3dbl_2.bn.weight" -> "159 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"158 Mixed_5c.branch3x3dbl_2.bn.bias" -> "159 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"159 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "160 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"160 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "161 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"161 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "164 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; -"162 Mixed_5c.branch3x3dbl_3.conv.weight" -> "163 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"163 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "164 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; -"164 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" -> "167 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"165 Mixed_5c.branch3x3dbl_3.bn.weight" -> "167 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"166 Mixed_5c.branch3x3dbl_3.bn.bias" -> "167 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"167 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "168 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"168 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "169 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"169 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "180 Inception3/InceptionA[Mixed_5c]/cat_0"; -"170 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" -> "171 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0"; -"171 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" -> "174 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"172 Mixed_5c.branch_pool.conv.weight" -> "173 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"173 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "174 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"174 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "177 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"175 Mixed_5c.branch_pool.bn.weight" -> "177 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"176 Mixed_5c.branch_pool.bn.bias" -> "177 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"177 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "178 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0"; -"178 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" -> "179 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"179 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "180 Inception3/InceptionA[Mixed_5c]/cat_0"; -"180 Inception3/InceptionA[Mixed_5c]/cat_0" -> "183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"180 Inception3/InceptionA[Mixed_5c]/cat_0" -> "191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; -"180 Inception3/InceptionA[Mixed_5c]/cat_0" -> "207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"180 Inception3/InceptionA[Mixed_5c]/cat_0" -> "229 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0"; -"181 Mixed_5d.branch1x1.conv.weight" -> "182 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"182 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"184 Mixed_5d.branch1x1.bn.weight" -> "186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"185 Mixed_5d.branch1x1.bn.bias" -> "186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0"; -"187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" -> "188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "239 Inception3/InceptionA[Mixed_5d]/cat_0"; -"189 Mixed_5d.branch5x5_1.conv.weight" -> "190 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"190 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; -"191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" -> "194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; -"192 Mixed_5d.branch5x5_1.bn.weight" -> "194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; -"193 Mixed_5d.branch5x5_1.bn.bias" -> "194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; -"194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" -> "195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0"; -"195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" -> "196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; -"196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; -"197 Mixed_5d.branch5x5_2.conv.weight" -> "198 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"198 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; -"199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" -> "202 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; -"200 Mixed_5d.branch5x5_2.bn.weight" -> "202 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; -"201 Mixed_5d.branch5x5_2.bn.bias" -> "202 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; -"202 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" -> "203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0"; -"203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" -> "204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; -"204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "239 Inception3/InceptionA[Mixed_5d]/cat_0"; -"205 Mixed_5d.branch3x3dbl_1.conv.weight" -> "206 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"206 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "210 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"208 Mixed_5d.branch3x3dbl_1.bn.weight" -> "210 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"209 Mixed_5d.branch3x3dbl_1.bn.bias" -> "210 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"210 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "211 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"211 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "215 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"213 Mixed_5d.branch3x3dbl_2.conv.weight" -> "214 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"214 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "215 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"215 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "218 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"216 Mixed_5d.branch3x3dbl_2.bn.weight" -> "218 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"217 Mixed_5d.branch3x3dbl_2.bn.bias" -> "218 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"218 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "219 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"219 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "220 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"220 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "223 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; -"221 Mixed_5d.branch3x3dbl_3.conv.weight" -> "222 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"222 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "223 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; -"223 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" -> "226 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"224 Mixed_5d.branch3x3dbl_3.bn.weight" -> "226 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"225 Mixed_5d.branch3x3dbl_3.bn.bias" -> "226 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"226 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "227 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"227 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "228 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"228 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "239 Inception3/InceptionA[Mixed_5d]/cat_0"; -"229 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" -> "230 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0"; -"230 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" -> "233 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"231 Mixed_5d.branch_pool.conv.weight" -> "232 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"232 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "233 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"233 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "236 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"234 Mixed_5d.branch_pool.bn.weight" -> "236 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"235 Mixed_5d.branch_pool.bn.bias" -> "236 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"236 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "237 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0"; -"237 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" -> "238 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"238 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "239 Inception3/InceptionA[Mixed_5d]/cat_0"; -"239 Inception3/InceptionA[Mixed_5d]/cat_0" -> "242 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/conv2d_0"; -"239 Inception3/InceptionA[Mixed_5d]/cat_0" -> "250 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"239 Inception3/InceptionA[Mixed_5d]/cat_0" -> "272 Inception3/InceptionB[Mixed_6a]/max_pool2d_0"; -"240 Mixed_6a.branch3x3.conv.weight" -> "241 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"241 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "242 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/conv2d_0"; -"242 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/conv2d_0" -> "245 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0"; -"243 Mixed_6a.branch3x3.bn.weight" -> "245 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0"; -"244 Mixed_6a.branch3x3.bn.bias" -> "245 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0"; -"245 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0" -> "246 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0"; -"246 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" -> "247 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"247 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "273 Inception3/InceptionB[Mixed_6a]/cat_0"; -"248 Mixed_6a.branch3x3dbl_1.conv.weight" -> "249 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"249 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "250 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"250 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "253 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"251 Mixed_6a.branch3x3dbl_1.bn.weight" -> "253 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"252 Mixed_6a.branch3x3dbl_1.bn.bias" -> "253 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"253 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "254 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"254 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "255 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"255 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "258 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"256 Mixed_6a.branch3x3dbl_2.conv.weight" -> "257 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"257 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "258 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"258 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "261 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"259 Mixed_6a.branch3x3dbl_2.bn.weight" -> "261 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"260 Mixed_6a.branch3x3dbl_2.bn.bias" -> "261 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"261 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "262 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"262 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "263 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"263 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "266 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; -"264 Mixed_6a.branch3x3dbl_3.conv.weight" -> "265 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"265 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "266 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; -"266 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" -> "269 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"267 Mixed_6a.branch3x3dbl_3.bn.weight" -> "269 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"268 Mixed_6a.branch3x3dbl_3.bn.bias" -> "269 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"269 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "270 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"270 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "271 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"271 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "273 Inception3/InceptionB[Mixed_6a]/cat_0"; -"272 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" -> "273 Inception3/InceptionB[Mixed_6a]/cat_0"; -"273 Inception3/InceptionB[Mixed_6a]/cat_0" -> "276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"273 Inception3/InceptionB[Mixed_6a]/cat_0" -> "284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; -"273 Inception3/InceptionB[Mixed_6a]/cat_0" -> "308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; -"273 Inception3/InceptionB[Mixed_6a]/cat_0" -> "346 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0"; -"274 Mixed_6b.branch1x1.conv.weight" -> "275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"277 Mixed_6b.branch1x1.bn.weight" -> "279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"278 Mixed_6b.branch1x1.bn.bias" -> "279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0"; -"280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" -> "281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "356 Inception3/InceptionC[Mixed_6b]/cat_0"; -"282 Mixed_6b.branch7x7_1.conv.weight" -> "283 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"283 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; -"284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" -> "287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"285 Mixed_6b.branch7x7_1.bn.weight" -> "287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"286 Mixed_6b.branch7x7_1.bn.bias" -> "287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" -> "288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0"; -"288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" -> "289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; -"290 Mixed_6b.branch7x7_2.conv.weight" -> "291 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"291 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; -"292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" -> "295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"293 Mixed_6b.branch7x7_2.bn.weight" -> "295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"294 Mixed_6b.branch7x7_2.bn.bias" -> "295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" -> "296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0"; -"296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" -> "297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; -"298 Mixed_6b.branch7x7_3.conv.weight" -> "299 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"299 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; -"300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" -> "303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"301 Mixed_6b.branch7x7_3.bn.weight" -> "303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"302 Mixed_6b.branch7x7_3.bn.bias" -> "303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" -> "304 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0"; -"304 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" -> "305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "356 Inception3/InceptionC[Mixed_6b]/cat_0"; -"306 Mixed_6b.branch7x7dbl_1.conv.weight" -> "307 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"307 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; -"308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" -> "311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"309 Mixed_6b.branch7x7dbl_1.bn.weight" -> "311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"310 Mixed_6b.branch7x7dbl_1.bn.bias" -> "311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; -"314 Mixed_6b.branch7x7dbl_2.conv.weight" -> "315 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"315 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; -"316 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" -> "319 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"317 Mixed_6b.branch7x7dbl_2.bn.weight" -> "319 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"318 Mixed_6b.branch7x7dbl_2.bn.bias" -> "319 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"319 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "320 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"320 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "321 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"321 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "324 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; -"322 Mixed_6b.branch7x7dbl_3.conv.weight" -> "323 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"323 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "324 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; -"324 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" -> "327 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"325 Mixed_6b.branch7x7dbl_3.bn.weight" -> "327 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"326 Mixed_6b.branch7x7dbl_3.bn.bias" -> "327 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"327 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "328 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"328 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "329 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"329 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "332 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; -"330 Mixed_6b.branch7x7dbl_4.conv.weight" -> "331 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"331 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "332 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; -"332 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" -> "335 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"333 Mixed_6b.branch7x7dbl_4.bn.weight" -> "335 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"334 Mixed_6b.branch7x7dbl_4.bn.bias" -> "335 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"335 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" -> "336 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"336 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "337 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"337 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "340 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; -"338 Mixed_6b.branch7x7dbl_5.conv.weight" -> "339 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"339 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "340 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; -"340 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" -> "343 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"341 Mixed_6b.branch7x7dbl_5.bn.weight" -> "343 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"342 Mixed_6b.branch7x7dbl_5.bn.bias" -> "343 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"343 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" -> "344 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"344 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "345 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"345 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "356 Inception3/InceptionC[Mixed_6b]/cat_0"; -"346 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" -> "347 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0"; -"347 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" -> "350 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"348 Mixed_6b.branch_pool.conv.weight" -> "349 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"349 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "350 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"350 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "353 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"351 Mixed_6b.branch_pool.bn.weight" -> "353 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"352 Mixed_6b.branch_pool.bn.bias" -> "353 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"353 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "354 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0"; -"354 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" -> "355 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"355 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "356 Inception3/InceptionC[Mixed_6b]/cat_0"; -"356 Inception3/InceptionC[Mixed_6b]/cat_0" -> "359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"356 Inception3/InceptionC[Mixed_6b]/cat_0" -> "367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; -"356 Inception3/InceptionC[Mixed_6b]/cat_0" -> "391 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; -"356 Inception3/InceptionC[Mixed_6b]/cat_0" -> "429 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0"; -"357 Mixed_6c.branch1x1.conv.weight" -> "358 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"358 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"360 Mixed_6c.branch1x1.bn.weight" -> "362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"361 Mixed_6c.branch1x1.bn.bias" -> "362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0"; -"363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" -> "364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "439 Inception3/InceptionC[Mixed_6c]/cat_0"; -"365 Mixed_6c.branch7x7_1.conv.weight" -> "366 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"366 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; -"367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" -> "370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"368 Mixed_6c.branch7x7_1.bn.weight" -> "370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"369 Mixed_6c.branch7x7_1.bn.bias" -> "370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" -> "371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0"; -"371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" -> "372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; -"373 Mixed_6c.branch7x7_2.conv.weight" -> "374 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"374 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; -"375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" -> "378 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"376 Mixed_6c.branch7x7_2.bn.weight" -> "378 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"377 Mixed_6c.branch7x7_2.bn.bias" -> "378 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"378 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" -> "379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0"; -"379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" -> "380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; -"381 Mixed_6c.branch7x7_3.conv.weight" -> "382 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"382 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; -"383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" -> "386 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"384 Mixed_6c.branch7x7_3.bn.weight" -> "386 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"385 Mixed_6c.branch7x7_3.bn.bias" -> "386 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"386 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" -> "387 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0"; -"387 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" -> "388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "439 Inception3/InceptionC[Mixed_6c]/cat_0"; -"389 Mixed_6c.branch7x7dbl_1.conv.weight" -> "390 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"390 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "391 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; -"391 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" -> "394 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"392 Mixed_6c.branch7x7dbl_1.bn.weight" -> "394 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"393 Mixed_6c.branch7x7dbl_1.bn.bias" -> "394 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"394 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "395 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"395 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "396 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"396 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "399 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; -"397 Mixed_6c.branch7x7dbl_2.conv.weight" -> "398 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"398 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "399 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; -"399 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" -> "402 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"400 Mixed_6c.branch7x7dbl_2.bn.weight" -> "402 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"401 Mixed_6c.branch7x7dbl_2.bn.bias" -> "402 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"402 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "403 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"403 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "404 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"404 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "407 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; -"405 Mixed_6c.branch7x7dbl_3.conv.weight" -> "406 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"406 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "407 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; -"407 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" -> "410 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"408 Mixed_6c.branch7x7dbl_3.bn.weight" -> "410 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"409 Mixed_6c.branch7x7dbl_3.bn.bias" -> "410 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"410 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "411 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"411 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "412 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"412 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "415 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; -"413 Mixed_6c.branch7x7dbl_4.conv.weight" -> "414 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"414 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "415 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; -"415 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" -> "418 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"416 Mixed_6c.branch7x7dbl_4.bn.weight" -> "418 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"417 Mixed_6c.branch7x7dbl_4.bn.bias" -> "418 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"418 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" -> "419 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"419 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "420 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"420 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "423 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; -"421 Mixed_6c.branch7x7dbl_5.conv.weight" -> "422 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"422 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "423 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; -"423 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" -> "426 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"424 Mixed_6c.branch7x7dbl_5.bn.weight" -> "426 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"425 Mixed_6c.branch7x7dbl_5.bn.bias" -> "426 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"426 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" -> "427 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"427 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "428 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"428 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "439 Inception3/InceptionC[Mixed_6c]/cat_0"; -"429 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" -> "430 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0"; -"430 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" -> "433 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"431 Mixed_6c.branch_pool.conv.weight" -> "432 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"432 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "433 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"433 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "436 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"434 Mixed_6c.branch_pool.bn.weight" -> "436 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"435 Mixed_6c.branch_pool.bn.bias" -> "436 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"436 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "437 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0"; -"437 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" -> "438 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"438 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "439 Inception3/InceptionC[Mixed_6c]/cat_0"; -"439 Inception3/InceptionC[Mixed_6c]/cat_0" -> "442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"439 Inception3/InceptionC[Mixed_6c]/cat_0" -> "450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; -"439 Inception3/InceptionC[Mixed_6c]/cat_0" -> "474 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; -"439 Inception3/InceptionC[Mixed_6c]/cat_0" -> "512 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0"; -"440 Mixed_6d.branch1x1.conv.weight" -> "441 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"441 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"443 Mixed_6d.branch1x1.bn.weight" -> "445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"444 Mixed_6d.branch1x1.bn.bias" -> "445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0"; -"446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" -> "447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "522 Inception3/InceptionC[Mixed_6d]/cat_0"; -"448 Mixed_6d.branch7x7_1.conv.weight" -> "449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; -"450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" -> "453 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"451 Mixed_6d.branch7x7_1.bn.weight" -> "453 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"452 Mixed_6d.branch7x7_1.bn.bias" -> "453 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"453 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" -> "454 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0"; -"454 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" -> "455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; -"456 Mixed_6d.branch7x7_2.conv.weight" -> "457 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"457 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; -"458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" -> "461 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"459 Mixed_6d.branch7x7_2.bn.weight" -> "461 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"460 Mixed_6d.branch7x7_2.bn.bias" -> "461 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"461 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" -> "462 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0"; -"462 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" -> "463 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"463 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "466 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; -"464 Mixed_6d.branch7x7_3.conv.weight" -> "465 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"465 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "466 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; -"466 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" -> "469 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"467 Mixed_6d.branch7x7_3.bn.weight" -> "469 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"468 Mixed_6d.branch7x7_3.bn.bias" -> "469 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"469 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" -> "470 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0"; -"470 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" -> "471 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"471 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "522 Inception3/InceptionC[Mixed_6d]/cat_0"; -"472 Mixed_6d.branch7x7dbl_1.conv.weight" -> "473 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"473 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "474 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; -"474 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" -> "477 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"475 Mixed_6d.branch7x7dbl_1.bn.weight" -> "477 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"476 Mixed_6d.branch7x7dbl_1.bn.bias" -> "477 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"477 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "478 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"478 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "479 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"479 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "482 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; -"480 Mixed_6d.branch7x7dbl_2.conv.weight" -> "481 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"481 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "482 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; -"482 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" -> "485 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"483 Mixed_6d.branch7x7dbl_2.bn.weight" -> "485 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"484 Mixed_6d.branch7x7dbl_2.bn.bias" -> "485 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"485 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "486 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"486 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "487 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"487 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "490 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; -"488 Mixed_6d.branch7x7dbl_3.conv.weight" -> "489 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"489 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "490 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; -"490 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" -> "493 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"491 Mixed_6d.branch7x7dbl_3.bn.weight" -> "493 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"492 Mixed_6d.branch7x7dbl_3.bn.bias" -> "493 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"493 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "494 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"494 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "495 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"495 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "498 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; -"496 Mixed_6d.branch7x7dbl_4.conv.weight" -> "497 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"497 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "498 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; -"498 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" -> "501 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"499 Mixed_6d.branch7x7dbl_4.bn.weight" -> "501 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"500 Mixed_6d.branch7x7dbl_4.bn.bias" -> "501 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"501 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" -> "502 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"502 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "503 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"503 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "506 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; -"504 Mixed_6d.branch7x7dbl_5.conv.weight" -> "505 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"505 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "506 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; -"506 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" -> "509 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"507 Mixed_6d.branch7x7dbl_5.bn.weight" -> "509 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"508 Mixed_6d.branch7x7dbl_5.bn.bias" -> "509 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"509 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" -> "510 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"510 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "511 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"511 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "522 Inception3/InceptionC[Mixed_6d]/cat_0"; -"512 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" -> "513 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0"; -"513 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" -> "516 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"514 Mixed_6d.branch_pool.conv.weight" -> "515 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"515 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "516 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"516 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "519 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"517 Mixed_6d.branch_pool.bn.weight" -> "519 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"518 Mixed_6d.branch_pool.bn.bias" -> "519 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"519 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "520 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0"; -"520 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" -> "521 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"521 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "522 Inception3/InceptionC[Mixed_6d]/cat_0"; -"522 Inception3/InceptionC[Mixed_6d]/cat_0" -> "525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"522 Inception3/InceptionC[Mixed_6d]/cat_0" -> "533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; -"522 Inception3/InceptionC[Mixed_6d]/cat_0" -> "557 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; -"522 Inception3/InceptionC[Mixed_6d]/cat_0" -> "595 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0"; -"523 Mixed_6e.branch1x1.conv.weight" -> "524 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"524 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"526 Mixed_6e.branch1x1.bn.weight" -> "528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"527 Mixed_6e.branch1x1.bn.bias" -> "528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0"; -"529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" -> "530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "605 Inception3/InceptionC[Mixed_6e]/cat_0"; -"531 Mixed_6e.branch7x7_1.conv.weight" -> "532 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"532 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; -"533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" -> "536 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"534 Mixed_6e.branch7x7_1.bn.weight" -> "536 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"535 Mixed_6e.branch7x7_1.bn.bias" -> "536 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; -"536 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" -> "537 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0"; -"537 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" -> "538 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"538 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "541 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; -"539 Mixed_6e.branch7x7_2.conv.weight" -> "540 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"540 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "541 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; -"541 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" -> "544 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"542 Mixed_6e.branch7x7_2.bn.weight" -> "544 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"543 Mixed_6e.branch7x7_2.bn.bias" -> "544 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; -"544 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" -> "545 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0"; -"545 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" -> "546 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"546 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "549 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; -"547 Mixed_6e.branch7x7_3.conv.weight" -> "548 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"548 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "549 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; -"549 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" -> "552 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"550 Mixed_6e.branch7x7_3.bn.weight" -> "552 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"551 Mixed_6e.branch7x7_3.bn.bias" -> "552 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; -"552 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" -> "553 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0"; -"553 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" -> "554 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"554 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "605 Inception3/InceptionC[Mixed_6e]/cat_0"; -"555 Mixed_6e.branch7x7dbl_1.conv.weight" -> "556 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"556 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "557 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; -"557 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" -> "560 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"558 Mixed_6e.branch7x7dbl_1.bn.weight" -> "560 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"559 Mixed_6e.branch7x7dbl_1.bn.bias" -> "560 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"560 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "561 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"561 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "562 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"562 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "565 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; -"563 Mixed_6e.branch7x7dbl_2.conv.weight" -> "564 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"564 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "565 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; -"565 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" -> "568 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"566 Mixed_6e.branch7x7dbl_2.bn.weight" -> "568 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"567 Mixed_6e.branch7x7dbl_2.bn.bias" -> "568 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"568 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "569 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"569 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "570 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"570 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "573 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; -"571 Mixed_6e.branch7x7dbl_3.conv.weight" -> "572 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"572 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "573 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; -"573 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" -> "576 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"574 Mixed_6e.branch7x7dbl_3.bn.weight" -> "576 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"575 Mixed_6e.branch7x7dbl_3.bn.bias" -> "576 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; -"576 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "577 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"577 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "578 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"578 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "581 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; -"579 Mixed_6e.branch7x7dbl_4.conv.weight" -> "580 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"580 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "581 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; -"581 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" -> "584 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"582 Mixed_6e.branch7x7dbl_4.bn.weight" -> "584 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"583 Mixed_6e.branch7x7dbl_4.bn.bias" -> "584 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; -"584 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" -> "585 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"585 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "586 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"586 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "589 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; -"587 Mixed_6e.branch7x7dbl_5.conv.weight" -> "588 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"588 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "589 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; -"589 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" -> "592 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"590 Mixed_6e.branch7x7dbl_5.bn.weight" -> "592 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"591 Mixed_6e.branch7x7dbl_5.bn.bias" -> "592 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; -"592 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" -> "593 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"593 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "594 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"594 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "605 Inception3/InceptionC[Mixed_6e]/cat_0"; -"595 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" -> "596 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0"; -"596 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" -> "599 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"597 Mixed_6e.branch_pool.conv.weight" -> "598 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"598 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "599 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"599 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "602 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"600 Mixed_6e.branch_pool.bn.weight" -> "602 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"601 Mixed_6e.branch_pool.bn.bias" -> "602 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"602 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "603 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0"; -"603 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" -> "604 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"604 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "605 Inception3/InceptionC[Mixed_6e]/cat_0"; -"605 Inception3/InceptionC[Mixed_6e]/cat_0" -> "608 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; -"605 Inception3/InceptionC[Mixed_6e]/cat_0" -> "624 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/conv2d_0"; -"605 Inception3/InceptionC[Mixed_6e]/cat_0" -> "654 Inception3/InceptionD[Mixed_7a]/max_pool2d_0"; -"606 Mixed_7a.branch3x3_1.conv.weight" -> "607 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"607 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "608 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; -"608 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" -> "611 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"609 Mixed_7a.branch3x3_1.bn.weight" -> "611 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"610 Mixed_7a.branch3x3_1.bn.bias" -> "611 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"611 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" -> "612 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0"; -"612 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" -> "613 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"613 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "616 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/conv2d_0"; -"614 Mixed_7a.branch3x3_2.conv.weight" -> "615 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"615 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "616 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/conv2d_0"; -"616 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/conv2d_0" -> "619 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0"; -"617 Mixed_7a.branch3x3_2.bn.weight" -> "619 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0"; -"618 Mixed_7a.branch3x3_2.bn.bias" -> "619 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0"; -"619 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0" -> "620 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0"; -"620 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" -> "621 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0"; -"621 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "655 Inception3/InceptionD[Mixed_7a]/cat_0"; -"622 Mixed_7a.branch7x7x3_1.conv.weight" -> "623 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"623 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "624 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/conv2d_0"; -"624 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/conv2d_0" -> "627 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"625 Mixed_7a.branch7x7x3_1.bn.weight" -> "627 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"626 Mixed_7a.branch7x7x3_1.bn.bias" -> "627 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"627 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0" -> "628 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0"; -"628 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" -> "629 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"629 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "632 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/conv2d_0"; -"630 Mixed_7a.branch7x7x3_2.conv.weight" -> "631 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"631 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "632 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/conv2d_0"; -"632 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/conv2d_0" -> "635 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0"; -"633 Mixed_7a.branch7x7x3_2.bn.weight" -> "635 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0"; -"634 Mixed_7a.branch7x7x3_2.bn.bias" -> "635 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0"; -"635 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0" -> "636 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0"; -"636 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" -> "637 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0"; -"637 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "640 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/conv2d_0"; -"638 Mixed_7a.branch7x7x3_3.conv.weight" -> "639 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"639 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "640 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/conv2d_0"; -"640 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/conv2d_0" -> "643 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0"; -"641 Mixed_7a.branch7x7x3_3.bn.weight" -> "643 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0"; -"642 Mixed_7a.branch7x7x3_3.bn.bias" -> "643 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0"; -"643 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0" -> "644 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0"; -"644 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" -> "645 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0"; -"645 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" -> "648 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/conv2d_0"; -"646 Mixed_7a.branch7x7x3_4.conv.weight" -> "647 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"647 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "648 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/conv2d_0"; -"648 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/conv2d_0" -> "651 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0"; -"649 Mixed_7a.branch7x7x3_4.bn.weight" -> "651 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0"; -"650 Mixed_7a.branch7x7x3_4.bn.bias" -> "651 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0"; -"651 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0" -> "652 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0"; -"652 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" -> "653 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0"; -"653 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" -> "655 Inception3/InceptionD[Mixed_7a]/cat_0"; -"654 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" -> "655 Inception3/InceptionD[Mixed_7a]/cat_0"; -"655 Inception3/InceptionD[Mixed_7a]/cat_0" -> "658 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"655 Inception3/InceptionD[Mixed_7a]/cat_0" -> "666 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; -"655 Inception3/InceptionD[Mixed_7a]/cat_0" -> "691 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"655 Inception3/InceptionD[Mixed_7a]/cat_0" -> "722 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0"; -"656 Mixed_7b.branch1x1.conv.weight" -> "657 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"657 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "658 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"658 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "661 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"659 Mixed_7b.branch1x1.bn.weight" -> "661 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"660 Mixed_7b.branch1x1.bn.bias" -> "661 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"661 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "662 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0"; -"662 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" -> "663 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"663 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "732 Inception3/InceptionE[Mixed_7b]/cat_2"; -"664 Mixed_7b.branch3x3_1.conv.weight" -> "665 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"665 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "666 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; -"666 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" -> "669 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"667 Mixed_7b.branch3x3_1.bn.weight" -> "669 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"668 Mixed_7b.branch3x3_1.bn.bias" -> "669 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"669 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" -> "670 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0"; -"670 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" -> "671 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"671 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "674 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0"; -"671 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "682 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0"; -"672 Mixed_7b.branch3x3_2a.conv.weight" -> "673 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"673 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "674 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0"; -"674 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0" -> "677 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; -"675 Mixed_7b.branch3x3_2a.bn.weight" -> "677 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; -"676 Mixed_7b.branch3x3_2a.bn.bias" -> "677 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; -"677 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0" -> "678 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0"; -"678 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" -> "679 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; -"679 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "688 Inception3/InceptionE[Mixed_7b]/cat_0"; -"680 Mixed_7b.branch3x3_2b.conv.weight" -> "681 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"681 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "682 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0"; -"682 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0" -> "685 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; -"683 Mixed_7b.branch3x3_2b.bn.weight" -> "685 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; -"684 Mixed_7b.branch3x3_2b.bn.bias" -> "685 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; -"685 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0" -> "686 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0"; -"686 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" -> "687 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; -"687 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "688 Inception3/InceptionE[Mixed_7b]/cat_0"; -"688 Inception3/InceptionE[Mixed_7b]/cat_0" -> "732 Inception3/InceptionE[Mixed_7b]/cat_2"; -"689 Mixed_7b.branch3x3dbl_1.conv.weight" -> "690 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"690 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "691 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"691 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "694 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"692 Mixed_7b.branch3x3dbl_1.bn.weight" -> "694 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"693 Mixed_7b.branch3x3dbl_1.bn.bias" -> "694 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"694 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "695 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"695 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "696 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"696 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "699 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"697 Mixed_7b.branch3x3dbl_2.conv.weight" -> "698 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"698 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "699 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"699 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "702 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"700 Mixed_7b.branch3x3dbl_2.bn.weight" -> "702 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"701 Mixed_7b.branch3x3dbl_2.bn.bias" -> "702 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"702 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "703 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"703 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "704 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"704 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "707 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0"; -"704 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "715 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0"; -"705 Mixed_7b.branch3x3dbl_3a.conv.weight" -> "706 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"706 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "707 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0"; -"707 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0" -> "710 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; -"708 Mixed_7b.branch3x3dbl_3a.bn.weight" -> "710 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; -"709 Mixed_7b.branch3x3dbl_3a.bn.bias" -> "710 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; -"710 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0" -> "711 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0"; -"711 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "712 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; -"712 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "721 Inception3/InceptionE[Mixed_7b]/cat_1"; -"713 Mixed_7b.branch3x3dbl_3b.conv.weight" -> "714 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"714 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "715 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0"; -"715 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0" -> "718 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; -"716 Mixed_7b.branch3x3dbl_3b.bn.weight" -> "718 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; -"717 Mixed_7b.branch3x3dbl_3b.bn.bias" -> "718 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; -"718 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0" -> "719 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0"; -"719 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "720 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; -"720 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "721 Inception3/InceptionE[Mixed_7b]/cat_1"; -"721 Inception3/InceptionE[Mixed_7b]/cat_1" -> "732 Inception3/InceptionE[Mixed_7b]/cat_2"; -"722 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" -> "723 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0"; -"723 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" -> "726 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"724 Mixed_7b.branch_pool.conv.weight" -> "725 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"725 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "726 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"726 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "729 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"727 Mixed_7b.branch_pool.bn.weight" -> "729 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"728 Mixed_7b.branch_pool.bn.bias" -> "729 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"729 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "730 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0"; -"730 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" -> "731 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"731 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "732 Inception3/InceptionE[Mixed_7b]/cat_2"; -"732 Inception3/InceptionE[Mixed_7b]/cat_2" -> "735 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"732 Inception3/InceptionE[Mixed_7b]/cat_2" -> "743 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; -"732 Inception3/InceptionE[Mixed_7b]/cat_2" -> "768 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"732 Inception3/InceptionE[Mixed_7b]/cat_2" -> "799 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0"; -"733 Mixed_7c.branch1x1.conv.weight" -> "734 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"734 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "735 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; -"735 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "738 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"736 Mixed_7c.branch1x1.bn.weight" -> "738 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"737 Mixed_7c.branch1x1.bn.bias" -> "738 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; -"738 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "739 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0"; -"739 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" -> "740 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"740 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "809 Inception3/InceptionE[Mixed_7c]/cat_2"; -"741 Mixed_7c.branch3x3_1.conv.weight" -> "742 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"742 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "743 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; -"743 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" -> "746 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"744 Mixed_7c.branch3x3_1.bn.weight" -> "746 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"745 Mixed_7c.branch3x3_1.bn.bias" -> "746 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; -"746 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" -> "747 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0"; -"747 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" -> "748 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"748 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "751 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0"; -"748 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "759 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0"; -"749 Mixed_7c.branch3x3_2a.conv.weight" -> "750 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"750 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "751 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0"; -"751 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0" -> "754 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; -"752 Mixed_7c.branch3x3_2a.bn.weight" -> "754 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; -"753 Mixed_7c.branch3x3_2a.bn.bias" -> "754 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; -"754 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0" -> "755 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0"; -"755 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" -> "756 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; -"756 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "765 Inception3/InceptionE[Mixed_7c]/cat_0"; -"757 Mixed_7c.branch3x3_2b.conv.weight" -> "758 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"758 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "759 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0"; -"759 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0" -> "762 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; -"760 Mixed_7c.branch3x3_2b.bn.weight" -> "762 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; -"761 Mixed_7c.branch3x3_2b.bn.bias" -> "762 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; -"762 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0" -> "763 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0"; -"763 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" -> "764 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; -"764 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "765 Inception3/InceptionE[Mixed_7c]/cat_0"; -"765 Inception3/InceptionE[Mixed_7c]/cat_0" -> "809 Inception3/InceptionE[Mixed_7c]/cat_2"; -"766 Mixed_7c.branch3x3dbl_1.conv.weight" -> "767 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"767 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "768 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; -"768 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "771 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"769 Mixed_7c.branch3x3dbl_1.bn.weight" -> "771 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"770 Mixed_7c.branch3x3dbl_1.bn.bias" -> "771 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; -"771 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "772 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"772 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "773 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"773 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "776 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"774 Mixed_7c.branch3x3dbl_2.conv.weight" -> "775 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"775 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "776 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; -"776 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "779 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"777 Mixed_7c.branch3x3dbl_2.bn.weight" -> "779 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"778 Mixed_7c.branch3x3dbl_2.bn.bias" -> "779 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; -"779 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "780 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"780 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "781 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"781 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "784 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0"; -"781 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "792 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0"; -"782 Mixed_7c.branch3x3dbl_3a.conv.weight" -> "783 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"783 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "784 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0"; -"784 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0" -> "787 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; -"785 Mixed_7c.branch3x3dbl_3a.bn.weight" -> "787 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; -"786 Mixed_7c.branch3x3dbl_3a.bn.bias" -> "787 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; -"787 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0" -> "788 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0"; -"788 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "789 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; -"789 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "798 Inception3/InceptionE[Mixed_7c]/cat_1"; -"790 Mixed_7c.branch3x3dbl_3b.conv.weight" -> "791 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"791 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "792 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0"; -"792 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0" -> "795 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; -"793 Mixed_7c.branch3x3dbl_3b.bn.weight" -> "795 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; -"794 Mixed_7c.branch3x3dbl_3b.bn.bias" -> "795 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; -"795 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0" -> "796 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0"; -"796 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "797 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; -"797 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "798 Inception3/InceptionE[Mixed_7c]/cat_1"; -"798 Inception3/InceptionE[Mixed_7c]/cat_1" -> "809 Inception3/InceptionE[Mixed_7c]/cat_2"; -"799 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" -> "800 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0"; -"800 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" -> "803 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"801 Mixed_7c.branch_pool.conv.weight" -> "802 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; -"802 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "803 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; -"803 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "806 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"804 Mixed_7c.branch_pool.bn.weight" -> "806 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"805 Mixed_7c.branch_pool.bn.bias" -> "806 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; -"806 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "807 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0"; -"807 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" -> "808 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"808 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "809 Inception3/InceptionE[Mixed_7c]/cat_2"; -"809 Inception3/InceptionE[Mixed_7c]/cat_2" -> "810 Inception3/adaptive_avg_pool2d_0"; -"810 Inception3/adaptive_avg_pool2d_0" -> "811 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0"; -"811 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" -> "812 Inception3/dropout_0"; -"812 Inception3/dropout_0" -> "813 Inception3/view_0"; -"813 Inception3/view_0" -> "817 Inception3/Linear[fc]/linear_0"; -"814 fc.weight" -> "816 Inception3/Linear[fc]/SymmetricQuantizer/symmetric_quantize_0"; -"815 fc.bias" -> "817 Inception3/Linear[fc]/linear_0"; -"816 Inception3/Linear[fc]/SymmetricQuantizer/symmetric_quantize_0" -> "817 Inception3/Linear[fc]/linear_0"; -"817 Inception3/Linear[fc]/linear_0" -> "818 /nncf_model_output_0"; +"4 Inception3/__mul___0" -> "5 Inception3/__add___0"; +"5 Inception3/__add___0" -> "6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0"; +"6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" -> "17 Inception3/cat_0"; +"7 Inception3/__getitem___1" -> "8 Inception3/unsqueeze_1"; +"8 Inception3/unsqueeze_1" -> "9 Inception3/__mul___1"; +"9 Inception3/__mul___1" -> "10 Inception3/__add___1"; +"10 Inception3/__add___1" -> "11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1"; +"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" -> "17 Inception3/cat_0"; +"12 Inception3/__getitem___2" -> "13 Inception3/unsqueeze_2"; +"13 Inception3/unsqueeze_2" -> "14 Inception3/__mul___2"; +"14 Inception3/__mul___2" -> "15 Inception3/__add___2"; +"15 Inception3/__add___2" -> "16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2"; +"16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" -> "17 Inception3/cat_0"; +"17 Inception3/cat_0" -> "20 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/conv2d_0"; +"18 Conv2d_1a_3x3.conv.weight" -> "19 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"19 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "20 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/conv2d_0"; +"20 Inception3/BasicConv2d[Conv2d_1a_3x3]/Conv2d[conv]/conv2d_0" -> "23 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"21 Conv2d_1a_3x3.bn.weight" -> "23 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"22 Conv2d_1a_3x3.bn.bias" -> "23 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/BatchNorm2d[bn]/batch_norm_0" -> "24 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0"; +"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" -> "25 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"25 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "28 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/conv2d_0"; +"26 Conv2d_2a_3x3.conv.weight" -> "27 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "28 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/conv2d_0"; +"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/Conv2d[conv]/conv2d_0" -> "31 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"29 Conv2d_2a_3x3.bn.weight" -> "31 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"30 Conv2d_2a_3x3.bn.bias" -> "31 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"31 Inception3/BasicConv2d[Conv2d_2a_3x3]/BatchNorm2d[bn]/batch_norm_0" -> "32 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0"; +"32 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" -> "33 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"33 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "36 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/conv2d_0"; +"34 Conv2d_2b_3x3.conv.weight" -> "35 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "36 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/conv2d_0"; +"36 Inception3/BasicConv2d[Conv2d_2b_3x3]/Conv2d[conv]/conv2d_0" -> "39 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"37 Conv2d_2b_3x3.bn.weight" -> "39 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"38 Conv2d_2b_3x3.bn.bias" -> "39 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"39 Inception3/BasicConv2d[Conv2d_2b_3x3]/BatchNorm2d[bn]/batch_norm_0" -> "40 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0"; +"40 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" -> "41 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"41 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "42 Inception3/max_pool2d_0"; +"42 Inception3/max_pool2d_0" -> "45 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/conv2d_0"; +"43 Conv2d_3b_1x1.conv.weight" -> "44 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"44 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "45 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/conv2d_0"; +"45 Inception3/BasicConv2d[Conv2d_3b_1x1]/Conv2d[conv]/conv2d_0" -> "48 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0"; +"46 Conv2d_3b_1x1.bn.weight" -> "48 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0"; +"47 Conv2d_3b_1x1.bn.bias" -> "48 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0"; +"48 Inception3/BasicConv2d[Conv2d_3b_1x1]/BatchNorm2d[bn]/batch_norm_0" -> "49 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0"; +"49 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" -> "50 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"50 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "53 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/conv2d_0"; +"51 Conv2d_4a_3x3.conv.weight" -> "52 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"52 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "53 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/conv2d_0"; +"53 Inception3/BasicConv2d[Conv2d_4a_3x3]/Conv2d[conv]/conv2d_0" -> "56 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"54 Conv2d_4a_3x3.bn.weight" -> "56 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"55 Conv2d_4a_3x3.bn.bias" -> "56 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0"; +"56 Inception3/BasicConv2d[Conv2d_4a_3x3]/BatchNorm2d[bn]/batch_norm_0" -> "57 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0"; +"57 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" -> "58 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"58 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "59 Inception3/max_pool2d_1"; +"59 Inception3/max_pool2d_1" -> "62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"59 Inception3/max_pool2d_1" -> "70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; +"59 Inception3/max_pool2d_1" -> "86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"59 Inception3/max_pool2d_1" -> "108 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0"; +"60 Mixed_5b.branch1x1.conv.weight" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"63 Mixed_5b.branch1x1.bn.weight" -> "65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"64 Mixed_5b.branch1x1.bn.bias" -> "65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0"; +"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" -> "67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "118 Inception3/InceptionA[Mixed_5b]/cat_0"; +"68 Mixed_5b.branch5x5_1.conv.weight" -> "69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; +"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" -> "73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; +"71 Mixed_5b.branch5x5_1.bn.weight" -> "73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; +"72 Mixed_5b.branch5x5_1.bn.bias" -> "73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; +"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" -> "74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0"; +"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" -> "75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; +"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; +"76 Mixed_5b.branch5x5_2.conv.weight" -> "77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; +"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; +"79 Mixed_5b.branch5x5_2.bn.weight" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; +"80 Mixed_5b.branch5x5_2.bn.bias" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; +"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" -> "82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0"; +"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" -> "83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; +"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "118 Inception3/InceptionA[Mixed_5b]/cat_0"; +"84 Mixed_5b.branch3x3dbl_1.conv.weight" -> "85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"87 Mixed_5b.branch3x3dbl_1.bn.weight" -> "89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"88 Mixed_5b.branch3x3dbl_1.bn.bias" -> "89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "90 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"90 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "91 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"91 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"92 Mixed_5b.branch3x3dbl_2.conv.weight" -> "93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"95 Mixed_5b.branch3x3dbl_2.bn.weight" -> "97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"96 Mixed_5b.branch3x3dbl_2.bn.bias" -> "97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "98 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"98 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "99 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"99 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; +"100 Mixed_5b.branch3x3dbl_3.conv.weight" -> "101 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"101 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; +"102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" -> "105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"103 Mixed_5b.branch3x3dbl_3.bn.weight" -> "105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"104 Mixed_5b.branch3x3dbl_3.bn.bias" -> "105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "106 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"106 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "107 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"107 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "118 Inception3/InceptionA[Mixed_5b]/cat_0"; +"108 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" -> "109 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0"; +"109 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" -> "112 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"110 Mixed_5b.branch_pool.conv.weight" -> "111 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"111 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "112 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"112 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "115 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"113 Mixed_5b.branch_pool.bn.weight" -> "115 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"114 Mixed_5b.branch_pool.bn.bias" -> "115 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"115 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "116 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0"; +"116 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" -> "117 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"117 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "118 Inception3/InceptionA[Mixed_5b]/cat_0"; +"118 Inception3/InceptionA[Mixed_5b]/cat_0" -> "121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"118 Inception3/InceptionA[Mixed_5b]/cat_0" -> "129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; +"118 Inception3/InceptionA[Mixed_5b]/cat_0" -> "145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"118 Inception3/InceptionA[Mixed_5b]/cat_0" -> "167 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0"; +"119 Mixed_5c.branch1x1.conv.weight" -> "120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"122 Mixed_5c.branch1x1.bn.weight" -> "124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"123 Mixed_5c.branch1x1.bn.bias" -> "124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "125 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0"; +"125 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" -> "126 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"126 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "177 Inception3/InceptionA[Mixed_5c]/cat_0"; +"127 Mixed_5c.branch5x5_1.conv.weight" -> "128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; +"129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" -> "132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; +"130 Mixed_5c.branch5x5_1.bn.weight" -> "132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; +"131 Mixed_5c.branch5x5_1.bn.bias" -> "132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; +"132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" -> "133 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0"; +"133 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" -> "134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; +"134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; +"135 Mixed_5c.branch5x5_2.conv.weight" -> "136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; +"137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" -> "140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; +"138 Mixed_5c.branch5x5_2.bn.weight" -> "140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; +"139 Mixed_5c.branch5x5_2.bn.bias" -> "140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; +"140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" -> "141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0"; +"141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" -> "142 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; +"142 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "177 Inception3/InceptionA[Mixed_5c]/cat_0"; +"143 Mixed_5c.branch3x3dbl_1.conv.weight" -> "144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"146 Mixed_5c.branch3x3dbl_1.bn.weight" -> "148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"147 Mixed_5c.branch3x3dbl_1.bn.bias" -> "148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "149 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"149 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "150 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"150 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"151 Mixed_5c.branch3x3dbl_2.conv.weight" -> "152 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"152 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"154 Mixed_5c.branch3x3dbl_2.bn.weight" -> "156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"155 Mixed_5c.branch3x3dbl_2.bn.bias" -> "156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "158 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"158 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; +"159 Mixed_5c.branch3x3dbl_3.conv.weight" -> "160 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"160 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; +"161 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" -> "164 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"162 Mixed_5c.branch3x3dbl_3.bn.weight" -> "164 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"163 Mixed_5c.branch3x3dbl_3.bn.bias" -> "164 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"164 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "165 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"165 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "166 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"166 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "177 Inception3/InceptionA[Mixed_5c]/cat_0"; +"167 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" -> "168 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0"; +"168 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" -> "171 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"169 Mixed_5c.branch_pool.conv.weight" -> "170 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"170 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "171 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"171 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "174 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"172 Mixed_5c.branch_pool.bn.weight" -> "174 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"173 Mixed_5c.branch_pool.bn.bias" -> "174 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"174 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "175 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0"; +"175 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" -> "176 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"176 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "177 Inception3/InceptionA[Mixed_5c]/cat_0"; +"177 Inception3/InceptionA[Mixed_5c]/cat_0" -> "180 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"177 Inception3/InceptionA[Mixed_5c]/cat_0" -> "188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; +"177 Inception3/InceptionA[Mixed_5c]/cat_0" -> "204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"177 Inception3/InceptionA[Mixed_5c]/cat_0" -> "226 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0"; +"178 Mixed_5d.branch1x1.conv.weight" -> "179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "180 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"180 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"181 Mixed_5d.branch1x1.bn.weight" -> "183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"182 Mixed_5d.branch1x1.bn.bias" -> "183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "184 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0"; +"184 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" -> "185 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"185 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "236 Inception3/InceptionA[Mixed_5d]/cat_0"; +"186 Mixed_5d.branch5x5_1.conv.weight" -> "187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0"; +"188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/Conv2d[conv]/conv2d_0" -> "191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; +"189 Mixed_5d.branch5x5_1.bn.weight" -> "191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; +"190 Mixed_5d.branch5x5_1.bn.bias" -> "191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0"; +"191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/BatchNorm2d[bn]/batch_norm_0" -> "192 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0"; +"192 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" -> "193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; +"193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; +"194 Mixed_5d.branch5x5_2.conv.weight" -> "195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0"; +"196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/Conv2d[conv]/conv2d_0" -> "199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; +"197 Mixed_5d.branch5x5_2.bn.weight" -> "199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; +"198 Mixed_5d.branch5x5_2.bn.bias" -> "199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0"; +"199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/BatchNorm2d[bn]/batch_norm_0" -> "200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0"; +"200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" -> "201 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; +"201 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "236 Inception3/InceptionA[Mixed_5d]/cat_0"; +"202 Mixed_5d.branch3x3dbl_1.conv.weight" -> "203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"205 Mixed_5d.branch3x3dbl_1.bn.weight" -> "207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"206 Mixed_5d.branch3x3dbl_1.bn.bias" -> "207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "208 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"208 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"210 Mixed_5d.branch3x3dbl_2.conv.weight" -> "211 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"211 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "215 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"213 Mixed_5d.branch3x3dbl_2.bn.weight" -> "215 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"214 Mixed_5d.branch3x3dbl_2.bn.bias" -> "215 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"215 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "216 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"216 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "217 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"217 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "220 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; +"218 Mixed_5d.branch3x3dbl_3.conv.weight" -> "219 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"219 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "220 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; +"220 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" -> "223 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"221 Mixed_5d.branch3x3dbl_3.bn.weight" -> "223 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"222 Mixed_5d.branch3x3dbl_3.bn.bias" -> "223 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"223 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "224 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"224 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "225 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"225 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "236 Inception3/InceptionA[Mixed_5d]/cat_0"; +"226 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" -> "227 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0"; +"227 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" -> "230 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"228 Mixed_5d.branch_pool.conv.weight" -> "229 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"229 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "230 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"230 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "233 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"231 Mixed_5d.branch_pool.bn.weight" -> "233 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"232 Mixed_5d.branch_pool.bn.bias" -> "233 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"233 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "234 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0"; +"234 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" -> "235 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"235 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "236 Inception3/InceptionA[Mixed_5d]/cat_0"; +"236 Inception3/InceptionA[Mixed_5d]/cat_0" -> "239 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/conv2d_0"; +"236 Inception3/InceptionA[Mixed_5d]/cat_0" -> "247 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"236 Inception3/InceptionA[Mixed_5d]/cat_0" -> "269 Inception3/InceptionB[Mixed_6a]/max_pool2d_0"; +"237 Mixed_6a.branch3x3.conv.weight" -> "238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "239 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/conv2d_0"; +"239 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/Conv2d[conv]/conv2d_0" -> "242 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0"; +"240 Mixed_6a.branch3x3.bn.weight" -> "242 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0"; +"241 Mixed_6a.branch3x3.bn.bias" -> "242 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0"; +"242 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/BatchNorm2d[bn]/batch_norm_0" -> "243 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0"; +"243 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" -> "244 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"244 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "270 Inception3/InceptionB[Mixed_6a]/cat_0"; +"245 Mixed_6a.branch3x3dbl_1.conv.weight" -> "246 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"246 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "247 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"247 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "250 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"248 Mixed_6a.branch3x3dbl_1.bn.weight" -> "250 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"249 Mixed_6a.branch3x3dbl_1.bn.bias" -> "250 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"250 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "251 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"251 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "252 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"252 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "255 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"253 Mixed_6a.branch3x3dbl_2.conv.weight" -> "254 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"254 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "255 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"255 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "258 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"256 Mixed_6a.branch3x3dbl_2.bn.weight" -> "258 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"257 Mixed_6a.branch3x3dbl_2.bn.bias" -> "258 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"258 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "259 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"259 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "260 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"260 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "263 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; +"261 Mixed_6a.branch3x3dbl_3.conv.weight" -> "262 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"262 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "263 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0"; +"263 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/Conv2d[conv]/conv2d_0" -> "266 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"264 Mixed_6a.branch3x3dbl_3.bn.weight" -> "266 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"265 Mixed_6a.branch3x3dbl_3.bn.bias" -> "266 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"266 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "267 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"267 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "268 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"268 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "270 Inception3/InceptionB[Mixed_6a]/cat_0"; +"269 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" -> "270 Inception3/InceptionB[Mixed_6a]/cat_0"; +"270 Inception3/InceptionB[Mixed_6a]/cat_0" -> "273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"270 Inception3/InceptionB[Mixed_6a]/cat_0" -> "281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; +"270 Inception3/InceptionB[Mixed_6a]/cat_0" -> "305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; +"270 Inception3/InceptionB[Mixed_6a]/cat_0" -> "343 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0"; +"271 Mixed_6b.branch1x1.conv.weight" -> "272 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"272 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"274 Mixed_6b.branch1x1.bn.weight" -> "276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"275 Mixed_6b.branch1x1.bn.bias" -> "276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "277 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0"; +"277 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" -> "278 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"278 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "353 Inception3/InceptionC[Mixed_6b]/cat_0"; +"279 Mixed_6b.branch7x7_1.conv.weight" -> "280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; +"281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" -> "284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"282 Mixed_6b.branch7x7_1.bn.weight" -> "284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"283 Mixed_6b.branch7x7_1.bn.bias" -> "284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" -> "285 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0"; +"285 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" -> "286 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"286 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; +"287 Mixed_6b.branch7x7_2.conv.weight" -> "288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; +"289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" -> "292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"290 Mixed_6b.branch7x7_2.bn.weight" -> "292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"291 Mixed_6b.branch7x7_2.bn.bias" -> "292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" -> "293 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0"; +"293 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" -> "294 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"294 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; +"295 Mixed_6b.branch7x7_3.conv.weight" -> "296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; +"297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" -> "300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"298 Mixed_6b.branch7x7_3.bn.weight" -> "300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"299 Mixed_6b.branch7x7_3.bn.bias" -> "300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" -> "301 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0"; +"301 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" -> "302 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"302 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "353 Inception3/InceptionC[Mixed_6b]/cat_0"; +"303 Mixed_6b.branch7x7dbl_1.conv.weight" -> "304 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"304 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; +"305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" -> "308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"306 Mixed_6b.branch7x7dbl_1.bn.weight" -> "308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"307 Mixed_6b.branch7x7dbl_1.bn.bias" -> "308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "309 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"309 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "310 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"310 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; +"311 Mixed_6b.branch7x7dbl_2.conv.weight" -> "312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; +"313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" -> "316 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"314 Mixed_6b.branch7x7dbl_2.bn.weight" -> "316 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"315 Mixed_6b.branch7x7dbl_2.bn.bias" -> "316 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"316 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "317 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"317 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "318 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"318 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "321 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; +"319 Mixed_6b.branch7x7dbl_3.conv.weight" -> "320 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"320 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "321 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; +"321 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" -> "324 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"322 Mixed_6b.branch7x7dbl_3.bn.weight" -> "324 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"323 Mixed_6b.branch7x7dbl_3.bn.bias" -> "324 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"324 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "325 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"325 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "326 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"326 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "329 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; +"327 Mixed_6b.branch7x7dbl_4.conv.weight" -> "328 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"328 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "329 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; +"329 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" -> "332 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"330 Mixed_6b.branch7x7dbl_4.bn.weight" -> "332 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"331 Mixed_6b.branch7x7dbl_4.bn.bias" -> "332 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"332 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" -> "333 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"333 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "334 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"334 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "337 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; +"335 Mixed_6b.branch7x7dbl_5.conv.weight" -> "336 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"336 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "337 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; +"337 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" -> "340 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"338 Mixed_6b.branch7x7dbl_5.bn.weight" -> "340 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"339 Mixed_6b.branch7x7dbl_5.bn.bias" -> "340 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"340 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" -> "341 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"341 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "342 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"342 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "353 Inception3/InceptionC[Mixed_6b]/cat_0"; +"343 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" -> "344 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0"; +"344 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" -> "347 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"345 Mixed_6b.branch_pool.conv.weight" -> "346 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"346 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "347 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"347 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "350 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"348 Mixed_6b.branch_pool.bn.weight" -> "350 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"349 Mixed_6b.branch_pool.bn.bias" -> "350 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"350 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "351 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0"; +"351 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" -> "352 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"352 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "353 Inception3/InceptionC[Mixed_6b]/cat_0"; +"353 Inception3/InceptionC[Mixed_6b]/cat_0" -> "356 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"353 Inception3/InceptionC[Mixed_6b]/cat_0" -> "364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; +"353 Inception3/InceptionC[Mixed_6b]/cat_0" -> "388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; +"353 Inception3/InceptionC[Mixed_6b]/cat_0" -> "426 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0"; +"354 Mixed_6c.branch1x1.conv.weight" -> "355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "356 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"356 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"357 Mixed_6c.branch1x1.bn.weight" -> "359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"358 Mixed_6c.branch1x1.bn.bias" -> "359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "360 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0"; +"360 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" -> "361 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"361 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "436 Inception3/InceptionC[Mixed_6c]/cat_0"; +"362 Mixed_6c.branch7x7_1.conv.weight" -> "363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; +"364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" -> "367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"365 Mixed_6c.branch7x7_1.bn.weight" -> "367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"366 Mixed_6c.branch7x7_1.bn.bias" -> "367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" -> "368 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0"; +"368 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" -> "369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; +"370 Mixed_6c.branch7x7_2.conv.weight" -> "371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; +"372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" -> "375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"373 Mixed_6c.branch7x7_2.bn.weight" -> "375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"374 Mixed_6c.branch7x7_2.bn.bias" -> "375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" -> "376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0"; +"376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" -> "377 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"377 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; +"378 Mixed_6c.branch7x7_3.conv.weight" -> "379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; +"380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" -> "383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"381 Mixed_6c.branch7x7_3.bn.weight" -> "383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"382 Mixed_6c.branch7x7_3.bn.bias" -> "383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" -> "384 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0"; +"384 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" -> "385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "436 Inception3/InceptionC[Mixed_6c]/cat_0"; +"386 Mixed_6c.branch7x7dbl_1.conv.weight" -> "387 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"387 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; +"388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" -> "391 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"389 Mixed_6c.branch7x7dbl_1.bn.weight" -> "391 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"390 Mixed_6c.branch7x7dbl_1.bn.bias" -> "391 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"391 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "392 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"392 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "393 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"393 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "396 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; +"394 Mixed_6c.branch7x7dbl_2.conv.weight" -> "395 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"395 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "396 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; +"396 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" -> "399 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"397 Mixed_6c.branch7x7dbl_2.bn.weight" -> "399 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"398 Mixed_6c.branch7x7dbl_2.bn.bias" -> "399 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"399 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "400 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"400 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "401 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"401 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "404 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; +"402 Mixed_6c.branch7x7dbl_3.conv.weight" -> "403 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"403 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "404 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; +"404 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" -> "407 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"405 Mixed_6c.branch7x7dbl_3.bn.weight" -> "407 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"406 Mixed_6c.branch7x7dbl_3.bn.bias" -> "407 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"407 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "408 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"408 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "409 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"409 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "412 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; +"410 Mixed_6c.branch7x7dbl_4.conv.weight" -> "411 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"411 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "412 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; +"412 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" -> "415 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"413 Mixed_6c.branch7x7dbl_4.bn.weight" -> "415 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"414 Mixed_6c.branch7x7dbl_4.bn.bias" -> "415 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"415 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" -> "416 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"416 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "417 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"417 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "420 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; +"418 Mixed_6c.branch7x7dbl_5.conv.weight" -> "419 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"419 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "420 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; +"420 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" -> "423 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"421 Mixed_6c.branch7x7dbl_5.bn.weight" -> "423 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"422 Mixed_6c.branch7x7dbl_5.bn.bias" -> "423 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"423 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" -> "424 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"424 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "425 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"425 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "436 Inception3/InceptionC[Mixed_6c]/cat_0"; +"426 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" -> "427 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0"; +"427 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" -> "430 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"428 Mixed_6c.branch_pool.conv.weight" -> "429 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"429 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "430 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"430 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "433 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"431 Mixed_6c.branch_pool.bn.weight" -> "433 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"432 Mixed_6c.branch_pool.bn.bias" -> "433 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"433 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "434 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0"; +"434 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" -> "435 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"435 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "436 Inception3/InceptionC[Mixed_6c]/cat_0"; +"436 Inception3/InceptionC[Mixed_6c]/cat_0" -> "439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"436 Inception3/InceptionC[Mixed_6c]/cat_0" -> "447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; +"436 Inception3/InceptionC[Mixed_6c]/cat_0" -> "471 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; +"436 Inception3/InceptionC[Mixed_6c]/cat_0" -> "509 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0"; +"437 Mixed_6d.branch1x1.conv.weight" -> "438 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"438 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"440 Mixed_6d.branch1x1.bn.weight" -> "442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"441 Mixed_6d.branch1x1.bn.bias" -> "442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "443 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0"; +"443 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" -> "444 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"444 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "519 Inception3/InceptionC[Mixed_6d]/cat_0"; +"445 Mixed_6d.branch7x7_1.conv.weight" -> "446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; +"447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" -> "450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"448 Mixed_6d.branch7x7_1.bn.weight" -> "450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"449 Mixed_6d.branch7x7_1.bn.bias" -> "450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" -> "451 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0"; +"451 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" -> "452 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"452 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; +"453 Mixed_6d.branch7x7_2.conv.weight" -> "454 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"454 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; +"455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" -> "458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"456 Mixed_6d.branch7x7_2.bn.weight" -> "458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"457 Mixed_6d.branch7x7_2.bn.bias" -> "458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" -> "459 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0"; +"459 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" -> "460 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"460 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "463 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; +"461 Mixed_6d.branch7x7_3.conv.weight" -> "462 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"462 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "463 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; +"463 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" -> "466 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"464 Mixed_6d.branch7x7_3.bn.weight" -> "466 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"465 Mixed_6d.branch7x7_3.bn.bias" -> "466 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"466 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" -> "467 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0"; +"467 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" -> "468 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"468 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "519 Inception3/InceptionC[Mixed_6d]/cat_0"; +"469 Mixed_6d.branch7x7dbl_1.conv.weight" -> "470 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"470 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "471 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; +"471 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" -> "474 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"472 Mixed_6d.branch7x7dbl_1.bn.weight" -> "474 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"473 Mixed_6d.branch7x7dbl_1.bn.bias" -> "474 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"474 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "475 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"475 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "476 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"476 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "479 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; +"477 Mixed_6d.branch7x7dbl_2.conv.weight" -> "478 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"478 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "479 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; +"479 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" -> "482 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"480 Mixed_6d.branch7x7dbl_2.bn.weight" -> "482 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"481 Mixed_6d.branch7x7dbl_2.bn.bias" -> "482 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"482 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "483 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"483 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "484 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"484 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "487 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; +"485 Mixed_6d.branch7x7dbl_3.conv.weight" -> "486 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"486 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "487 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; +"487 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" -> "490 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"488 Mixed_6d.branch7x7dbl_3.bn.weight" -> "490 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"489 Mixed_6d.branch7x7dbl_3.bn.bias" -> "490 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"490 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "491 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"491 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "492 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"492 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "495 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; +"493 Mixed_6d.branch7x7dbl_4.conv.weight" -> "494 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"494 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "495 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; +"495 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" -> "498 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"496 Mixed_6d.branch7x7dbl_4.bn.weight" -> "498 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"497 Mixed_6d.branch7x7dbl_4.bn.bias" -> "498 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"498 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" -> "499 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"499 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "500 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"500 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "503 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; +"501 Mixed_6d.branch7x7dbl_5.conv.weight" -> "502 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"502 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "503 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; +"503 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" -> "506 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"504 Mixed_6d.branch7x7dbl_5.bn.weight" -> "506 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"505 Mixed_6d.branch7x7dbl_5.bn.bias" -> "506 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"506 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" -> "507 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"507 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "508 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"508 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "519 Inception3/InceptionC[Mixed_6d]/cat_0"; +"509 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" -> "510 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0"; +"510 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" -> "513 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"511 Mixed_6d.branch_pool.conv.weight" -> "512 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"512 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "513 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"513 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "516 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"514 Mixed_6d.branch_pool.bn.weight" -> "516 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"515 Mixed_6d.branch_pool.bn.bias" -> "516 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"516 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "517 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0"; +"517 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" -> "518 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"518 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "519 Inception3/InceptionC[Mixed_6d]/cat_0"; +"519 Inception3/InceptionC[Mixed_6d]/cat_0" -> "522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"519 Inception3/InceptionC[Mixed_6d]/cat_0" -> "530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; +"519 Inception3/InceptionC[Mixed_6d]/cat_0" -> "554 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; +"519 Inception3/InceptionC[Mixed_6d]/cat_0" -> "592 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0"; +"520 Mixed_6e.branch1x1.conv.weight" -> "521 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"521 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"523 Mixed_6e.branch1x1.bn.weight" -> "525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"524 Mixed_6e.branch1x1.bn.bias" -> "525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "526 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0"; +"526 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" -> "527 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"527 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "602 Inception3/InceptionC[Mixed_6e]/cat_0"; +"528 Mixed_6e.branch7x7_1.conv.weight" -> "529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0"; +"530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/Conv2d[conv]/conv2d_0" -> "533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"531 Mixed_6e.branch7x7_1.bn.weight" -> "533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"532 Mixed_6e.branch7x7_1.bn.bias" -> "533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0"; +"533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/BatchNorm2d[bn]/batch_norm_0" -> "534 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0"; +"534 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" -> "535 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"535 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "538 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; +"536 Mixed_6e.branch7x7_2.conv.weight" -> "537 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"537 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "538 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0"; +"538 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/Conv2d[conv]/conv2d_0" -> "541 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"539 Mixed_6e.branch7x7_2.bn.weight" -> "541 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"540 Mixed_6e.branch7x7_2.bn.bias" -> "541 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0"; +"541 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/BatchNorm2d[bn]/batch_norm_0" -> "542 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0"; +"542 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" -> "543 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"543 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "546 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; +"544 Mixed_6e.branch7x7_3.conv.weight" -> "545 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"545 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "546 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0"; +"546 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/Conv2d[conv]/conv2d_0" -> "549 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"547 Mixed_6e.branch7x7_3.bn.weight" -> "549 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"548 Mixed_6e.branch7x7_3.bn.bias" -> "549 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0"; +"549 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/BatchNorm2d[bn]/batch_norm_0" -> "550 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0"; +"550 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" -> "551 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"551 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "602 Inception3/InceptionC[Mixed_6e]/cat_0"; +"552 Mixed_6e.branch7x7dbl_1.conv.weight" -> "553 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"553 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "554 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0"; +"554 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/Conv2d[conv]/conv2d_0" -> "557 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"555 Mixed_6e.branch7x7dbl_1.bn.weight" -> "557 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"556 Mixed_6e.branch7x7dbl_1.bn.bias" -> "557 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"557 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "558 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"558 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "559 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"559 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "562 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; +"560 Mixed_6e.branch7x7dbl_2.conv.weight" -> "561 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"561 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "562 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0"; +"562 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/Conv2d[conv]/conv2d_0" -> "565 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"563 Mixed_6e.branch7x7dbl_2.bn.weight" -> "565 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"564 Mixed_6e.branch7x7dbl_2.bn.bias" -> "565 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"565 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "566 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"566 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "567 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"567 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "570 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; +"568 Mixed_6e.branch7x7dbl_3.conv.weight" -> "569 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"569 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "570 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0"; +"570 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/Conv2d[conv]/conv2d_0" -> "573 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"571 Mixed_6e.branch7x7dbl_3.bn.weight" -> "573 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"572 Mixed_6e.branch7x7dbl_3.bn.bias" -> "573 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0"; +"573 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/BatchNorm2d[bn]/batch_norm_0" -> "574 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"574 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "575 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"575 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "578 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; +"576 Mixed_6e.branch7x7dbl_4.conv.weight" -> "577 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"577 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "578 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0"; +"578 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/Conv2d[conv]/conv2d_0" -> "581 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"579 Mixed_6e.branch7x7dbl_4.bn.weight" -> "581 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"580 Mixed_6e.branch7x7dbl_4.bn.bias" -> "581 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0"; +"581 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/BatchNorm2d[bn]/batch_norm_0" -> "582 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"582 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "583 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"583 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "586 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; +"584 Mixed_6e.branch7x7dbl_5.conv.weight" -> "585 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"585 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "586 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0"; +"586 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/Conv2d[conv]/conv2d_0" -> "589 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"587 Mixed_6e.branch7x7dbl_5.bn.weight" -> "589 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"588 Mixed_6e.branch7x7dbl_5.bn.bias" -> "589 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0"; +"589 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/BatchNorm2d[bn]/batch_norm_0" -> "590 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"590 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "591 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"591 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "602 Inception3/InceptionC[Mixed_6e]/cat_0"; +"592 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" -> "593 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0"; +"593 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" -> "596 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"594 Mixed_6e.branch_pool.conv.weight" -> "595 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"595 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "596 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"596 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "599 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"597 Mixed_6e.branch_pool.bn.weight" -> "599 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"598 Mixed_6e.branch_pool.bn.bias" -> "599 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"599 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "600 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0"; +"600 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" -> "601 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"601 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "602 Inception3/InceptionC[Mixed_6e]/cat_0"; +"602 Inception3/InceptionC[Mixed_6e]/cat_0" -> "605 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; +"602 Inception3/InceptionC[Mixed_6e]/cat_0" -> "621 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/conv2d_0"; +"602 Inception3/InceptionC[Mixed_6e]/cat_0" -> "651 Inception3/InceptionD[Mixed_7a]/max_pool2d_0"; +"603 Mixed_7a.branch3x3_1.conv.weight" -> "604 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"604 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "605 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; +"605 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" -> "608 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"606 Mixed_7a.branch3x3_1.bn.weight" -> "608 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"607 Mixed_7a.branch3x3_1.bn.bias" -> "608 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"608 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" -> "609 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0"; +"609 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" -> "610 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"610 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "613 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/conv2d_0"; +"611 Mixed_7a.branch3x3_2.conv.weight" -> "612 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"612 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "613 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/conv2d_0"; +"613 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/Conv2d[conv]/conv2d_0" -> "616 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0"; +"614 Mixed_7a.branch3x3_2.bn.weight" -> "616 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0"; +"615 Mixed_7a.branch3x3_2.bn.bias" -> "616 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0"; +"616 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/BatchNorm2d[bn]/batch_norm_0" -> "617 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0"; +"617 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" -> "618 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0"; +"618 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "652 Inception3/InceptionD[Mixed_7a]/cat_0"; +"619 Mixed_7a.branch7x7x3_1.conv.weight" -> "620 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"620 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "621 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/conv2d_0"; +"621 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/Conv2d[conv]/conv2d_0" -> "624 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"622 Mixed_7a.branch7x7x3_1.bn.weight" -> "624 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"623 Mixed_7a.branch7x7x3_1.bn.bias" -> "624 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"624 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/BatchNorm2d[bn]/batch_norm_0" -> "625 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0"; +"625 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" -> "626 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"626 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "629 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/conv2d_0"; +"627 Mixed_7a.branch7x7x3_2.conv.weight" -> "628 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"628 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "629 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/conv2d_0"; +"629 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/Conv2d[conv]/conv2d_0" -> "632 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0"; +"630 Mixed_7a.branch7x7x3_2.bn.weight" -> "632 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0"; +"631 Mixed_7a.branch7x7x3_2.bn.bias" -> "632 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0"; +"632 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/BatchNorm2d[bn]/batch_norm_0" -> "633 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0"; +"633 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" -> "634 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0"; +"634 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "637 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/conv2d_0"; +"635 Mixed_7a.branch7x7x3_3.conv.weight" -> "636 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"636 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "637 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/conv2d_0"; +"637 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/Conv2d[conv]/conv2d_0" -> "640 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0"; +"638 Mixed_7a.branch7x7x3_3.bn.weight" -> "640 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0"; +"639 Mixed_7a.branch7x7x3_3.bn.bias" -> "640 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0"; +"640 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/BatchNorm2d[bn]/batch_norm_0" -> "641 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0"; +"641 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" -> "642 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0"; +"642 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" -> "645 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/conv2d_0"; +"643 Mixed_7a.branch7x7x3_4.conv.weight" -> "644 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"644 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "645 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/conv2d_0"; +"645 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/Conv2d[conv]/conv2d_0" -> "648 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0"; +"646 Mixed_7a.branch7x7x3_4.bn.weight" -> "648 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0"; +"647 Mixed_7a.branch7x7x3_4.bn.bias" -> "648 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0"; +"648 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/BatchNorm2d[bn]/batch_norm_0" -> "649 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0"; +"649 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" -> "650 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0"; +"650 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" -> "652 Inception3/InceptionD[Mixed_7a]/cat_0"; +"651 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" -> "652 Inception3/InceptionD[Mixed_7a]/cat_0"; +"652 Inception3/InceptionD[Mixed_7a]/cat_0" -> "655 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"652 Inception3/InceptionD[Mixed_7a]/cat_0" -> "663 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; +"652 Inception3/InceptionD[Mixed_7a]/cat_0" -> "688 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"652 Inception3/InceptionD[Mixed_7a]/cat_0" -> "719 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0"; +"653 Mixed_7b.branch1x1.conv.weight" -> "654 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"654 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "655 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"655 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "658 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"656 Mixed_7b.branch1x1.bn.weight" -> "658 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"657 Mixed_7b.branch1x1.bn.bias" -> "658 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"658 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "659 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0"; +"659 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" -> "660 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"660 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "729 Inception3/InceptionE[Mixed_7b]/cat_2"; +"661 Mixed_7b.branch3x3_1.conv.weight" -> "662 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"662 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "663 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; +"663 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" -> "666 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"664 Mixed_7b.branch3x3_1.bn.weight" -> "666 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"665 Mixed_7b.branch3x3_1.bn.bias" -> "666 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"666 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" -> "667 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0"; +"667 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" -> "668 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"668 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "671 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0"; +"668 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "679 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0"; +"669 Mixed_7b.branch3x3_2a.conv.weight" -> "670 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"670 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "671 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0"; +"671 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0" -> "674 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; +"672 Mixed_7b.branch3x3_2a.bn.weight" -> "674 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; +"673 Mixed_7b.branch3x3_2a.bn.bias" -> "674 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; +"674 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0" -> "675 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0"; +"675 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" -> "676 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; +"676 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "685 Inception3/InceptionE[Mixed_7b]/cat_0"; +"677 Mixed_7b.branch3x3_2b.conv.weight" -> "678 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"678 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "679 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0"; +"679 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0" -> "682 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; +"680 Mixed_7b.branch3x3_2b.bn.weight" -> "682 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; +"681 Mixed_7b.branch3x3_2b.bn.bias" -> "682 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; +"682 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0" -> "683 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0"; +"683 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" -> "684 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; +"684 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "685 Inception3/InceptionE[Mixed_7b]/cat_0"; +"685 Inception3/InceptionE[Mixed_7b]/cat_0" -> "729 Inception3/InceptionE[Mixed_7b]/cat_2"; +"686 Mixed_7b.branch3x3dbl_1.conv.weight" -> "687 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"687 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "688 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"688 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "691 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"689 Mixed_7b.branch3x3dbl_1.bn.weight" -> "691 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"690 Mixed_7b.branch3x3dbl_1.bn.bias" -> "691 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"691 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "692 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"692 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "693 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"693 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "696 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"694 Mixed_7b.branch3x3dbl_2.conv.weight" -> "695 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"695 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "696 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"696 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "699 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"697 Mixed_7b.branch3x3dbl_2.bn.weight" -> "699 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"698 Mixed_7b.branch3x3dbl_2.bn.bias" -> "699 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"699 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "700 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"700 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "701 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"701 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "704 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0"; +"701 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "712 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0"; +"702 Mixed_7b.branch3x3dbl_3a.conv.weight" -> "703 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"703 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "704 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0"; +"704 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0" -> "707 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; +"705 Mixed_7b.branch3x3dbl_3a.bn.weight" -> "707 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; +"706 Mixed_7b.branch3x3dbl_3a.bn.bias" -> "707 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; +"707 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0" -> "708 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0"; +"708 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "709 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; +"709 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "718 Inception3/InceptionE[Mixed_7b]/cat_1"; +"710 Mixed_7b.branch3x3dbl_3b.conv.weight" -> "711 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"711 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "712 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0"; +"712 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0" -> "715 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; +"713 Mixed_7b.branch3x3dbl_3b.bn.weight" -> "715 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; +"714 Mixed_7b.branch3x3dbl_3b.bn.bias" -> "715 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; +"715 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0" -> "716 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0"; +"716 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "717 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; +"717 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "718 Inception3/InceptionE[Mixed_7b]/cat_1"; +"718 Inception3/InceptionE[Mixed_7b]/cat_1" -> "729 Inception3/InceptionE[Mixed_7b]/cat_2"; +"719 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" -> "720 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0"; +"720 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" -> "723 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"721 Mixed_7b.branch_pool.conv.weight" -> "722 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"722 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "723 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"723 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "726 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"724 Mixed_7b.branch_pool.bn.weight" -> "726 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"725 Mixed_7b.branch_pool.bn.bias" -> "726 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"726 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "727 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0"; +"727 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" -> "728 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"728 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "729 Inception3/InceptionE[Mixed_7b]/cat_2"; +"729 Inception3/InceptionE[Mixed_7b]/cat_2" -> "732 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"729 Inception3/InceptionE[Mixed_7b]/cat_2" -> "740 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; +"729 Inception3/InceptionE[Mixed_7b]/cat_2" -> "765 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"729 Inception3/InceptionE[Mixed_7b]/cat_2" -> "796 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0"; +"730 Mixed_7c.branch1x1.conv.weight" -> "731 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"731 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "732 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0"; +"732 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/Conv2d[conv]/conv2d_0" -> "735 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"733 Mixed_7c.branch1x1.bn.weight" -> "735 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"734 Mixed_7c.branch1x1.bn.bias" -> "735 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0"; +"735 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/BatchNorm2d[bn]/batch_norm_0" -> "736 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0"; +"736 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" -> "737 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"737 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "806 Inception3/InceptionE[Mixed_7c]/cat_2"; +"738 Mixed_7c.branch3x3_1.conv.weight" -> "739 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"739 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "740 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0"; +"740 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/Conv2d[conv]/conv2d_0" -> "743 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"741 Mixed_7c.branch3x3_1.bn.weight" -> "743 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"742 Mixed_7c.branch3x3_1.bn.bias" -> "743 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0"; +"743 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/BatchNorm2d[bn]/batch_norm_0" -> "744 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0"; +"744 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" -> "745 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"745 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "748 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0"; +"745 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "756 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0"; +"746 Mixed_7c.branch3x3_2a.conv.weight" -> "747 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"747 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "748 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0"; +"748 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/Conv2d[conv]/conv2d_0" -> "751 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; +"749 Mixed_7c.branch3x3_2a.bn.weight" -> "751 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; +"750 Mixed_7c.branch3x3_2a.bn.bias" -> "751 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0"; +"751 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/BatchNorm2d[bn]/batch_norm_0" -> "752 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0"; +"752 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" -> "753 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; +"753 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "762 Inception3/InceptionE[Mixed_7c]/cat_0"; +"754 Mixed_7c.branch3x3_2b.conv.weight" -> "755 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"755 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "756 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0"; +"756 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/Conv2d[conv]/conv2d_0" -> "759 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; +"757 Mixed_7c.branch3x3_2b.bn.weight" -> "759 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; +"758 Mixed_7c.branch3x3_2b.bn.bias" -> "759 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0"; +"759 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/BatchNorm2d[bn]/batch_norm_0" -> "760 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0"; +"760 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" -> "761 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; +"761 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "762 Inception3/InceptionE[Mixed_7c]/cat_0"; +"762 Inception3/InceptionE[Mixed_7c]/cat_0" -> "806 Inception3/InceptionE[Mixed_7c]/cat_2"; +"763 Mixed_7c.branch3x3dbl_1.conv.weight" -> "764 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"764 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "765 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0"; +"765 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/Conv2d[conv]/conv2d_0" -> "768 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"766 Mixed_7c.branch3x3dbl_1.bn.weight" -> "768 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"767 Mixed_7c.branch3x3dbl_1.bn.bias" -> "768 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0"; +"768 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/BatchNorm2d[bn]/batch_norm_0" -> "769 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"769 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "770 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"770 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "773 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"771 Mixed_7c.branch3x3dbl_2.conv.weight" -> "772 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"772 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "773 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0"; +"773 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/Conv2d[conv]/conv2d_0" -> "776 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"774 Mixed_7c.branch3x3dbl_2.bn.weight" -> "776 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"775 Mixed_7c.branch3x3dbl_2.bn.bias" -> "776 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0"; +"776 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/BatchNorm2d[bn]/batch_norm_0" -> "777 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"777 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "778 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"778 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "781 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0"; +"778 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "789 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0"; +"779 Mixed_7c.branch3x3dbl_3a.conv.weight" -> "780 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"780 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "781 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0"; +"781 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/Conv2d[conv]/conv2d_0" -> "784 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; +"782 Mixed_7c.branch3x3dbl_3a.bn.weight" -> "784 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; +"783 Mixed_7c.branch3x3dbl_3a.bn.bias" -> "784 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0"; +"784 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/BatchNorm2d[bn]/batch_norm_0" -> "785 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0"; +"785 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "786 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; +"786 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "795 Inception3/InceptionE[Mixed_7c]/cat_1"; +"787 Mixed_7c.branch3x3dbl_3b.conv.weight" -> "788 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"788 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "789 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0"; +"789 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/Conv2d[conv]/conv2d_0" -> "792 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; +"790 Mixed_7c.branch3x3dbl_3b.bn.weight" -> "792 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; +"791 Mixed_7c.branch3x3dbl_3b.bn.bias" -> "792 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0"; +"792 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/BatchNorm2d[bn]/batch_norm_0" -> "793 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0"; +"793 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "794 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; +"794 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "795 Inception3/InceptionE[Mixed_7c]/cat_1"; +"795 Inception3/InceptionE[Mixed_7c]/cat_1" -> "806 Inception3/InceptionE[Mixed_7c]/cat_2"; +"796 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" -> "797 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0"; +"797 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" -> "800 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"798 Mixed_7c.branch_pool.conv.weight" -> "799 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0"; +"799 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/SymmetricQuantizer/symmetric_quantize_0" -> "800 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0"; +"800 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/Conv2d[conv]/conv2d_0" -> "803 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"801 Mixed_7c.branch_pool.bn.weight" -> "803 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"802 Mixed_7c.branch_pool.bn.bias" -> "803 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0"; +"803 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/BatchNorm2d[bn]/batch_norm_0" -> "804 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0"; +"804 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" -> "805 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"805 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "806 Inception3/InceptionE[Mixed_7c]/cat_2"; +"806 Inception3/InceptionE[Mixed_7c]/cat_2" -> "807 Inception3/adaptive_avg_pool2d_0"; +"807 Inception3/adaptive_avg_pool2d_0" -> "808 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0"; +"808 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" -> "809 Inception3/dropout_0"; +"809 Inception3/dropout_0" -> "810 Inception3/view_0"; +"810 Inception3/view_0" -> "814 Inception3/Linear[fc]/linear_0"; +"811 fc.weight" -> "813 Inception3/Linear[fc]/SymmetricQuantizer/symmetric_quantize_0"; +"812 fc.bias" -> "814 Inception3/Linear[fc]/linear_0"; +"813 Inception3/Linear[fc]/SymmetricQuantizer/symmetric_quantize_0" -> "814 Inception3/Linear[fc]/linear_0"; +"814 Inception3/Linear[fc]/linear_0" -> "815 /nncf_model_output_0"; } diff --git a/tests/torch/data/reference_graphs/quantized/ptq/symmetric/ssd_vgg.dot b/tests/torch/data/reference_graphs/quantized/ptq/symmetric/ssd_vgg.dot index 1ea8d4da1ad..6b7af37ddc6 100644 --- a/tests/torch/data/reference_graphs/quantized/ptq/symmetric/ssd_vgg.dot +++ b/tests/torch/data/reference_graphs/quantized/ptq/symmetric/ssd_vgg.dot @@ -149,179 +149,178 @@ strict digraph { "147 SSD_VGG/L2Norm[L2Norm]/sum_0" [id=147, type=sum]; "148 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_1" [id=148, type=symmetric_quantize]; "149 SSD_VGG/L2Norm[L2Norm]/sqrt_0" [id=149, type=sqrt]; -"150 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_2" [id=150, type=symmetric_quantize]; -"151 SSD_VGG/L2Norm[L2Norm]/__add___0" [id=151, type=__add__]; -"152 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_3" [id=152, type=symmetric_quantize]; -"153 SSD_VGG/L2Norm[L2Norm]/div_0" [id=153, type=div]; -"154 L2Norm.weight" [id=154, type=nncf_model_const]; -"155 SSD_VGG/L2Norm[L2Norm]/unsqueeze_0" [id=155, type=unsqueeze]; -"156 SSD_VGG/L2Norm[L2Norm]/unsqueeze_1" [id=156, type=unsqueeze]; -"157 SSD_VGG/L2Norm[L2Norm]/unsqueeze_2" [id=157, type=unsqueeze]; -"158 SSD_VGG/L2Norm[L2Norm]/expand_as_0" [id=158, type=expand_as]; +"150 SSD_VGG/L2Norm[L2Norm]/__add___0" [id=150, type=__add__]; +"151 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_2" [id=151, type=symmetric_quantize]; +"152 SSD_VGG/L2Norm[L2Norm]/div_0" [id=152, type=div]; +"153 L2Norm.weight" [id=153, type=nncf_model_const]; +"154 SSD_VGG/L2Norm[L2Norm]/unsqueeze_0" [id=154, type=unsqueeze]; +"155 SSD_VGG/L2Norm[L2Norm]/unsqueeze_1" [id=155, type=unsqueeze]; +"156 SSD_VGG/L2Norm[L2Norm]/unsqueeze_2" [id=156, type=unsqueeze]; +"157 SSD_VGG/L2Norm[L2Norm]/expand_as_0" [id=157, type=expand_as]; +"158 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_3" [id=158, type=symmetric_quantize]; "159 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_4" [id=159, type=symmetric_quantize]; -"160 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_5" [id=160, type=symmetric_quantize]; -"161 SSD_VGG/L2Norm[L2Norm]/__mul___0" [id=161, type=__mul__]; -"162 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_6" [id=162, type=symmetric_quantize]; -"163 extras.0.weight" [id=163, type=nncf_model_const]; -"164 extras.0.bias" [id=164, type=nncf_model_const]; -"165 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/SymmetricQuantizer/symmetric_quantize_0" [id=165, type=symmetric_quantize]; -"166 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0" [id=166, type=conv2d]; -"167 extras.1.weight" [id=167, type=nncf_model_const]; -"168 extras.1.bias" [id=168, type=nncf_model_const]; -"169 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0" [id=169, type=batch_norm]; -"170 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/relu__0" [id=170, type=relu_]; -"171 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/SymmetricQuantizer/symmetric_quantize_0" [id=171, type=symmetric_quantize]; -"172 extras.3.weight" [id=172, type=nncf_model_const]; -"173 extras.3.bias" [id=173, type=nncf_model_const]; -"174 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/SymmetricQuantizer/symmetric_quantize_0" [id=174, type=symmetric_quantize]; -"175 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0" [id=175, type=conv2d]; -"176 extras.4.weight" [id=176, type=nncf_model_const]; -"177 extras.4.bias" [id=177, type=nncf_model_const]; -"178 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0" [id=178, type=batch_norm]; -"179 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/relu__0" [id=179, type=relu_]; -"180 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0" [id=180, type=symmetric_quantize]; -"181 extras.6.weight" [id=181, type=nncf_model_const]; -"182 extras.6.bias" [id=182, type=nncf_model_const]; -"183 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/SymmetricQuantizer/symmetric_quantize_0" [id=183, type=symmetric_quantize]; -"184 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0" [id=184, type=conv2d]; -"185 extras.7.weight" [id=185, type=nncf_model_const]; -"186 extras.7.bias" [id=186, type=nncf_model_const]; -"187 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0" [id=187, type=batch_norm]; -"188 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/relu__0" [id=188, type=relu_]; -"189 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/SymmetricQuantizer/symmetric_quantize_0" [id=189, type=symmetric_quantize]; -"190 extras.9.weight" [id=190, type=nncf_model_const]; -"191 extras.9.bias" [id=191, type=nncf_model_const]; -"192 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/SymmetricQuantizer/symmetric_quantize_0" [id=192, type=symmetric_quantize]; -"193 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0" [id=193, type=conv2d]; -"194 extras.10.weight" [id=194, type=nncf_model_const]; -"195 extras.10.bias" [id=195, type=nncf_model_const]; -"196 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0" [id=196, type=batch_norm]; -"197 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/relu__0" [id=197, type=relu_]; -"198 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0" [id=198, type=symmetric_quantize]; -"199 extras.12.weight" [id=199, type=nncf_model_const]; -"200 extras.12.bias" [id=200, type=nncf_model_const]; -"201 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/SymmetricQuantizer/symmetric_quantize_0" [id=201, type=symmetric_quantize]; -"202 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0" [id=202, type=conv2d]; -"203 extras.13.weight" [id=203, type=nncf_model_const]; -"204 extras.13.bias" [id=204, type=nncf_model_const]; -"205 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0" [id=205, type=batch_norm]; -"206 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/relu__0" [id=206, type=relu_]; -"207 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/SymmetricQuantizer/symmetric_quantize_0" [id=207, type=symmetric_quantize]; -"208 extras.15.weight" [id=208, type=nncf_model_const]; -"209 extras.15.bias" [id=209, type=nncf_model_const]; -"210 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/SymmetricQuantizer/symmetric_quantize_0" [id=210, type=symmetric_quantize]; -"211 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0" [id=211, type=conv2d]; -"212 extras.16.weight" [id=212, type=nncf_model_const]; -"213 extras.16.bias" [id=213, type=nncf_model_const]; -"214 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0" [id=214, type=batch_norm]; -"215 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/relu__0" [id=215, type=relu_]; -"216 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0" [id=216, type=symmetric_quantize]; -"217 extras.18.weight" [id=217, type=nncf_model_const]; -"218 extras.18.bias" [id=218, type=nncf_model_const]; -"219 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/SymmetricQuantizer/symmetric_quantize_0" [id=219, type=symmetric_quantize]; -"220 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0" [id=220, type=conv2d]; -"221 extras.19.weight" [id=221, type=nncf_model_const]; -"222 extras.19.bias" [id=222, type=nncf_model_const]; -"223 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0" [id=223, type=batch_norm]; -"224 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/relu__0" [id=224, type=relu_]; -"225 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/SymmetricQuantizer/symmetric_quantize_0" [id=225, type=symmetric_quantize]; -"226 extras.21.weight" [id=226, type=nncf_model_const]; -"227 extras.21.bias" [id=227, type=nncf_model_const]; -"228 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/SymmetricQuantizer/symmetric_quantize_0" [id=228, type=symmetric_quantize]; -"229 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0" [id=229, type=conv2d]; -"230 extras.22.weight" [id=230, type=nncf_model_const]; -"231 extras.22.bias" [id=231, type=nncf_model_const]; -"232 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0" [id=232, type=batch_norm]; -"233 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/relu__0" [id=233, type=relu_]; -"234 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/SymmetricQuantizer/symmetric_quantize_0" [id=234, type=symmetric_quantize]; -"235 detection_head.heads.0.loc.weight" [id=235, type=nncf_model_const]; -"236 detection_head.heads.0.loc.bias" [id=236, type=nncf_model_const]; -"237 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=237, type=symmetric_quantize]; -"238 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0" [id=238, type=conv2d]; -"239 detection_head.heads.0.conf.weight" [id=239, type=nncf_model_const]; -"240 detection_head.heads.0.conf.bias" [id=240, type=nncf_model_const]; -"241 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=241, type=symmetric_quantize]; -"242 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0" [id=242, type=conv2d]; -"243 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_0" [id=243, type=permute]; -"244 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_0" [id=244, type=contiguous]; -"245 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_1" [id=245, type=permute]; -"246 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_1" [id=246, type=contiguous]; -"247 detection_head.heads.1.loc.weight" [id=247, type=nncf_model_const]; -"248 detection_head.heads.1.loc.bias" [id=248, type=nncf_model_const]; -"249 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=249, type=symmetric_quantize]; -"250 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0" [id=250, type=conv2d]; -"251 detection_head.heads.1.conf.weight" [id=251, type=nncf_model_const]; -"252 detection_head.heads.1.conf.bias" [id=252, type=nncf_model_const]; -"253 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=253, type=symmetric_quantize]; -"254 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0" [id=254, type=conv2d]; -"255 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_0" [id=255, type=permute]; -"256 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_0" [id=256, type=contiguous]; -"257 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_1" [id=257, type=permute]; -"258 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_1" [id=258, type=contiguous]; -"259 detection_head.heads.2.loc.weight" [id=259, type=nncf_model_const]; -"260 detection_head.heads.2.loc.bias" [id=260, type=nncf_model_const]; -"261 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=261, type=symmetric_quantize]; -"262 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0" [id=262, type=conv2d]; -"263 detection_head.heads.2.conf.weight" [id=263, type=nncf_model_const]; -"264 detection_head.heads.2.conf.bias" [id=264, type=nncf_model_const]; -"265 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=265, type=symmetric_quantize]; -"266 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0" [id=266, type=conv2d]; -"267 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_0" [id=267, type=permute]; -"268 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_0" [id=268, type=contiguous]; -"269 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_1" [id=269, type=permute]; -"270 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_1" [id=270, type=contiguous]; -"271 detection_head.heads.3.loc.weight" [id=271, type=nncf_model_const]; -"272 detection_head.heads.3.loc.bias" [id=272, type=nncf_model_const]; -"273 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=273, type=symmetric_quantize]; -"274 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0" [id=274, type=conv2d]; -"275 detection_head.heads.3.conf.weight" [id=275, type=nncf_model_const]; -"276 detection_head.heads.3.conf.bias" [id=276, type=nncf_model_const]; -"277 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=277, type=symmetric_quantize]; -"278 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0" [id=278, type=conv2d]; -"279 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_0" [id=279, type=permute]; -"280 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_0" [id=280, type=contiguous]; -"281 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_1" [id=281, type=permute]; -"282 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_1" [id=282, type=contiguous]; -"283 detection_head.heads.4.loc.weight" [id=283, type=nncf_model_const]; -"284 detection_head.heads.4.loc.bias" [id=284, type=nncf_model_const]; -"285 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=285, type=symmetric_quantize]; -"286 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0" [id=286, type=conv2d]; -"287 detection_head.heads.4.conf.weight" [id=287, type=nncf_model_const]; -"288 detection_head.heads.4.conf.bias" [id=288, type=nncf_model_const]; -"289 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=289, type=symmetric_quantize]; -"290 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0" [id=290, type=conv2d]; -"291 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_0" [id=291, type=permute]; -"292 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_0" [id=292, type=contiguous]; -"293 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_1" [id=293, type=permute]; -"294 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_1" [id=294, type=contiguous]; -"295 detection_head.heads.5.loc.weight" [id=295, type=nncf_model_const]; -"296 detection_head.heads.5.loc.bias" [id=296, type=nncf_model_const]; -"297 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=297, type=symmetric_quantize]; -"298 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0" [id=298, type=conv2d]; -"299 detection_head.heads.5.conf.weight" [id=299, type=nncf_model_const]; -"300 detection_head.heads.5.conf.bias" [id=300, type=nncf_model_const]; -"301 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=301, type=symmetric_quantize]; -"302 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0" [id=302, type=conv2d]; -"303 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_0" [id=303, type=permute]; -"304 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_0" [id=304, type=contiguous]; -"305 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_1" [id=305, type=permute]; -"306 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_1" [id=306, type=contiguous]; -"307 SSD_VGG/SSDDetectionOutput[detection_head]/view_0" [id=307, type=view]; -"308 SSD_VGG/SSDDetectionOutput[detection_head]/view_1" [id=308, type=view]; -"309 SSD_VGG/SSDDetectionOutput[detection_head]/view_2" [id=309, type=view]; -"310 SSD_VGG/SSDDetectionOutput[detection_head]/view_3" [id=310, type=view]; -"311 SSD_VGG/SSDDetectionOutput[detection_head]/view_4" [id=311, type=view]; -"312 SSD_VGG/SSDDetectionOutput[detection_head]/view_5" [id=312, type=view]; -"313 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0" [id=313, type=cat]; -"314 SSD_VGG/SSDDetectionOutput[detection_head]/view_6" [id=314, type=view]; -"315 SSD_VGG/SSDDetectionOutput[detection_head]/view_7" [id=315, type=view]; -"316 SSD_VGG/SSDDetectionOutput[detection_head]/view_8" [id=316, type=view]; -"317 SSD_VGG/SSDDetectionOutput[detection_head]/view_9" [id=317, type=view]; -"318 SSD_VGG/SSDDetectionOutput[detection_head]/view_10" [id=318, type=view]; -"319 SSD_VGG/SSDDetectionOutput[detection_head]/view_11" [id=319, type=view]; -"320 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1" [id=320, type=cat]; -"321 SSD_VGG/SSDDetectionOutput[detection_head]/view_12" [id=321, type=view]; -"322 SSD_VGG/SSDDetectionOutput[detection_head]/softmax_0" [id=322, type=softmax]; +"160 SSD_VGG/L2Norm[L2Norm]/__mul___0" [id=160, type=__mul__]; +"161 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_5" [id=161, type=symmetric_quantize]; +"162 extras.0.weight" [id=162, type=nncf_model_const]; +"163 extras.0.bias" [id=163, type=nncf_model_const]; +"164 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/SymmetricQuantizer/symmetric_quantize_0" [id=164, type=symmetric_quantize]; +"165 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0" [id=165, type=conv2d]; +"166 extras.1.weight" [id=166, type=nncf_model_const]; +"167 extras.1.bias" [id=167, type=nncf_model_const]; +"168 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0" [id=168, type=batch_norm]; +"169 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/relu__0" [id=169, type=relu_]; +"170 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/SymmetricQuantizer/symmetric_quantize_0" [id=170, type=symmetric_quantize]; +"171 extras.3.weight" [id=171, type=nncf_model_const]; +"172 extras.3.bias" [id=172, type=nncf_model_const]; +"173 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/SymmetricQuantizer/symmetric_quantize_0" [id=173, type=symmetric_quantize]; +"174 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0" [id=174, type=conv2d]; +"175 extras.4.weight" [id=175, type=nncf_model_const]; +"176 extras.4.bias" [id=176, type=nncf_model_const]; +"177 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0" [id=177, type=batch_norm]; +"178 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/relu__0" [id=178, type=relu_]; +"179 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0" [id=179, type=symmetric_quantize]; +"180 extras.6.weight" [id=180, type=nncf_model_const]; +"181 extras.6.bias" [id=181, type=nncf_model_const]; +"182 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/SymmetricQuantizer/symmetric_quantize_0" [id=182, type=symmetric_quantize]; +"183 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0" [id=183, type=conv2d]; +"184 extras.7.weight" [id=184, type=nncf_model_const]; +"185 extras.7.bias" [id=185, type=nncf_model_const]; +"186 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0" [id=186, type=batch_norm]; +"187 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/relu__0" [id=187, type=relu_]; +"188 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/SymmetricQuantizer/symmetric_quantize_0" [id=188, type=symmetric_quantize]; +"189 extras.9.weight" [id=189, type=nncf_model_const]; +"190 extras.9.bias" [id=190, type=nncf_model_const]; +"191 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/SymmetricQuantizer/symmetric_quantize_0" [id=191, type=symmetric_quantize]; +"192 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0" [id=192, type=conv2d]; +"193 extras.10.weight" [id=193, type=nncf_model_const]; +"194 extras.10.bias" [id=194, type=nncf_model_const]; +"195 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0" [id=195, type=batch_norm]; +"196 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/relu__0" [id=196, type=relu_]; +"197 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0" [id=197, type=symmetric_quantize]; +"198 extras.12.weight" [id=198, type=nncf_model_const]; +"199 extras.12.bias" [id=199, type=nncf_model_const]; +"200 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/SymmetricQuantizer/symmetric_quantize_0" [id=200, type=symmetric_quantize]; +"201 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0" [id=201, type=conv2d]; +"202 extras.13.weight" [id=202, type=nncf_model_const]; +"203 extras.13.bias" [id=203, type=nncf_model_const]; +"204 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0" [id=204, type=batch_norm]; +"205 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/relu__0" [id=205, type=relu_]; +"206 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/SymmetricQuantizer/symmetric_quantize_0" [id=206, type=symmetric_quantize]; +"207 extras.15.weight" [id=207, type=nncf_model_const]; +"208 extras.15.bias" [id=208, type=nncf_model_const]; +"209 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/SymmetricQuantizer/symmetric_quantize_0" [id=209, type=symmetric_quantize]; +"210 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0" [id=210, type=conv2d]; +"211 extras.16.weight" [id=211, type=nncf_model_const]; +"212 extras.16.bias" [id=212, type=nncf_model_const]; +"213 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0" [id=213, type=batch_norm]; +"214 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/relu__0" [id=214, type=relu_]; +"215 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0" [id=215, type=symmetric_quantize]; +"216 extras.18.weight" [id=216, type=nncf_model_const]; +"217 extras.18.bias" [id=217, type=nncf_model_const]; +"218 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/SymmetricQuantizer/symmetric_quantize_0" [id=218, type=symmetric_quantize]; +"219 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0" [id=219, type=conv2d]; +"220 extras.19.weight" [id=220, type=nncf_model_const]; +"221 extras.19.bias" [id=221, type=nncf_model_const]; +"222 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0" [id=222, type=batch_norm]; +"223 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/relu__0" [id=223, type=relu_]; +"224 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/SymmetricQuantizer/symmetric_quantize_0" [id=224, type=symmetric_quantize]; +"225 extras.21.weight" [id=225, type=nncf_model_const]; +"226 extras.21.bias" [id=226, type=nncf_model_const]; +"227 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/SymmetricQuantizer/symmetric_quantize_0" [id=227, type=symmetric_quantize]; +"228 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0" [id=228, type=conv2d]; +"229 extras.22.weight" [id=229, type=nncf_model_const]; +"230 extras.22.bias" [id=230, type=nncf_model_const]; +"231 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0" [id=231, type=batch_norm]; +"232 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/relu__0" [id=232, type=relu_]; +"233 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/SymmetricQuantizer/symmetric_quantize_0" [id=233, type=symmetric_quantize]; +"234 detection_head.heads.0.loc.weight" [id=234, type=nncf_model_const]; +"235 detection_head.heads.0.loc.bias" [id=235, type=nncf_model_const]; +"236 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=236, type=symmetric_quantize]; +"237 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0" [id=237, type=conv2d]; +"238 detection_head.heads.0.conf.weight" [id=238, type=nncf_model_const]; +"239 detection_head.heads.0.conf.bias" [id=239, type=nncf_model_const]; +"240 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=240, type=symmetric_quantize]; +"241 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0" [id=241, type=conv2d]; +"242 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_0" [id=242, type=permute]; +"243 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_0" [id=243, type=contiguous]; +"244 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_1" [id=244, type=permute]; +"245 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_1" [id=245, type=contiguous]; +"246 detection_head.heads.1.loc.weight" [id=246, type=nncf_model_const]; +"247 detection_head.heads.1.loc.bias" [id=247, type=nncf_model_const]; +"248 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=248, type=symmetric_quantize]; +"249 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0" [id=249, type=conv2d]; +"250 detection_head.heads.1.conf.weight" [id=250, type=nncf_model_const]; +"251 detection_head.heads.1.conf.bias" [id=251, type=nncf_model_const]; +"252 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=252, type=symmetric_quantize]; +"253 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0" [id=253, type=conv2d]; +"254 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_0" [id=254, type=permute]; +"255 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_0" [id=255, type=contiguous]; +"256 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_1" [id=256, type=permute]; +"257 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_1" [id=257, type=contiguous]; +"258 detection_head.heads.2.loc.weight" [id=258, type=nncf_model_const]; +"259 detection_head.heads.2.loc.bias" [id=259, type=nncf_model_const]; +"260 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=260, type=symmetric_quantize]; +"261 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0" [id=261, type=conv2d]; +"262 detection_head.heads.2.conf.weight" [id=262, type=nncf_model_const]; +"263 detection_head.heads.2.conf.bias" [id=263, type=nncf_model_const]; +"264 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=264, type=symmetric_quantize]; +"265 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0" [id=265, type=conv2d]; +"266 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_0" [id=266, type=permute]; +"267 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_0" [id=267, type=contiguous]; +"268 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_1" [id=268, type=permute]; +"269 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_1" [id=269, type=contiguous]; +"270 detection_head.heads.3.loc.weight" [id=270, type=nncf_model_const]; +"271 detection_head.heads.3.loc.bias" [id=271, type=nncf_model_const]; +"272 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=272, type=symmetric_quantize]; +"273 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0" [id=273, type=conv2d]; +"274 detection_head.heads.3.conf.weight" [id=274, type=nncf_model_const]; +"275 detection_head.heads.3.conf.bias" [id=275, type=nncf_model_const]; +"276 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=276, type=symmetric_quantize]; +"277 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0" [id=277, type=conv2d]; +"278 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_0" [id=278, type=permute]; +"279 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_0" [id=279, type=contiguous]; +"280 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_1" [id=280, type=permute]; +"281 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_1" [id=281, type=contiguous]; +"282 detection_head.heads.4.loc.weight" [id=282, type=nncf_model_const]; +"283 detection_head.heads.4.loc.bias" [id=283, type=nncf_model_const]; +"284 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=284, type=symmetric_quantize]; +"285 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0" [id=285, type=conv2d]; +"286 detection_head.heads.4.conf.weight" [id=286, type=nncf_model_const]; +"287 detection_head.heads.4.conf.bias" [id=287, type=nncf_model_const]; +"288 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=288, type=symmetric_quantize]; +"289 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0" [id=289, type=conv2d]; +"290 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_0" [id=290, type=permute]; +"291 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_0" [id=291, type=contiguous]; +"292 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_1" [id=292, type=permute]; +"293 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_1" [id=293, type=contiguous]; +"294 detection_head.heads.5.loc.weight" [id=294, type=nncf_model_const]; +"295 detection_head.heads.5.loc.bias" [id=295, type=nncf_model_const]; +"296 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" [id=296, type=symmetric_quantize]; +"297 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0" [id=297, type=conv2d]; +"298 detection_head.heads.5.conf.weight" [id=298, type=nncf_model_const]; +"299 detection_head.heads.5.conf.bias" [id=299, type=nncf_model_const]; +"300 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" [id=300, type=symmetric_quantize]; +"301 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0" [id=301, type=conv2d]; +"302 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_0" [id=302, type=permute]; +"303 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_0" [id=303, type=contiguous]; +"304 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_1" [id=304, type=permute]; +"305 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_1" [id=305, type=contiguous]; +"306 SSD_VGG/SSDDetectionOutput[detection_head]/view_0" [id=306, type=view]; +"307 SSD_VGG/SSDDetectionOutput[detection_head]/view_1" [id=307, type=view]; +"308 SSD_VGG/SSDDetectionOutput[detection_head]/view_2" [id=308, type=view]; +"309 SSD_VGG/SSDDetectionOutput[detection_head]/view_3" [id=309, type=view]; +"310 SSD_VGG/SSDDetectionOutput[detection_head]/view_4" [id=310, type=view]; +"311 SSD_VGG/SSDDetectionOutput[detection_head]/view_5" [id=311, type=view]; +"312 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0" [id=312, type=cat]; +"313 SSD_VGG/SSDDetectionOutput[detection_head]/view_6" [id=313, type=view]; +"314 SSD_VGG/SSDDetectionOutput[detection_head]/view_7" [id=314, type=view]; +"315 SSD_VGG/SSDDetectionOutput[detection_head]/view_8" [id=315, type=view]; +"316 SSD_VGG/SSDDetectionOutput[detection_head]/view_9" [id=316, type=view]; +"317 SSD_VGG/SSDDetectionOutput[detection_head]/view_10" [id=317, type=view]; +"318 SSD_VGG/SSDDetectionOutput[detection_head]/view_11" [id=318, type=view]; +"319 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1" [id=319, type=cat]; +"320 SSD_VGG/SSDDetectionOutput[detection_head]/view_12" [id=320, type=view]; +"321 SSD_VGG/SSDDetectionOutput[detection_head]/softmax_0" [id=321, type=softmax]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "2 SSD_VGG/__getitem___0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "8 SSD_VGG/MultiOutputSequential[basenet]/Conv2d[0]/conv2d_0"; @@ -421,7 +420,7 @@ strict digraph { "96 SSD_VGG/MultiOutputSequential[basenet]/ReLU[32]/relu__0" -> "97 SSD_VGG/MultiOutputSequential[basenet]/ReLU[32]/SymmetricQuantizer/symmetric_quantize_0"; "97 SSD_VGG/MultiOutputSequential[basenet]/ReLU[32]/SymmetricQuantizer/symmetric_quantize_0" -> "98 SSD_VGG/MultiOutputSequential[basenet]/MaxPool2d[33]/max_pool2d_0"; "97 SSD_VGG/MultiOutputSequential[basenet]/ReLU[32]/SymmetricQuantizer/symmetric_quantize_0" -> "145 SSD_VGG/L2Norm[L2Norm]/pow_0"; -"97 SSD_VGG/MultiOutputSequential[basenet]/ReLU[32]/SymmetricQuantizer/symmetric_quantize_0" -> "153 SSD_VGG/L2Norm[L2Norm]/div_0"; +"97 SSD_VGG/MultiOutputSequential[basenet]/ReLU[32]/SymmetricQuantizer/symmetric_quantize_0" -> "152 SSD_VGG/L2Norm[L2Norm]/div_0"; "98 SSD_VGG/MultiOutputSequential[basenet]/MaxPool2d[33]/max_pool2d_0" -> "102 SSD_VGG/MultiOutputSequential[basenet]/Conv2d[34]/conv2d_0"; "99 basenet.34.weight" -> "101 SSD_VGG/MultiOutputSequential[basenet]/Conv2d[34]/SymmetricQuantizer/symmetric_quantize_0"; "100 basenet.34.bias" -> "102 SSD_VGG/MultiOutputSequential[basenet]/Conv2d[34]/conv2d_0"; @@ -468,192 +467,191 @@ strict digraph { "141 basenet.48.bias" -> "142 SSD_VGG/MultiOutputSequential[basenet]/BatchNorm2d[48]/batch_norm_0"; "142 SSD_VGG/MultiOutputSequential[basenet]/BatchNorm2d[48]/batch_norm_0" -> "143 SSD_VGG/MultiOutputSequential[basenet]/ReLU[49]/relu__0"; "143 SSD_VGG/MultiOutputSequential[basenet]/ReLU[49]/relu__0" -> "144 SSD_VGG/MultiOutputSequential[basenet]/ReLU[49]/SymmetricQuantizer/symmetric_quantize_0"; -"144 SSD_VGG/MultiOutputSequential[basenet]/ReLU[49]/SymmetricQuantizer/symmetric_quantize_0" -> "166 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0"; -"144 SSD_VGG/MultiOutputSequential[basenet]/ReLU[49]/SymmetricQuantizer/symmetric_quantize_0" -> "250 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0"; -"144 SSD_VGG/MultiOutputSequential[basenet]/ReLU[49]/SymmetricQuantizer/symmetric_quantize_0" -> "254 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0"; +"144 SSD_VGG/MultiOutputSequential[basenet]/ReLU[49]/SymmetricQuantizer/symmetric_quantize_0" -> "165 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0"; +"144 SSD_VGG/MultiOutputSequential[basenet]/ReLU[49]/SymmetricQuantizer/symmetric_quantize_0" -> "249 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0"; +"144 SSD_VGG/MultiOutputSequential[basenet]/ReLU[49]/SymmetricQuantizer/symmetric_quantize_0" -> "253 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0"; "145 SSD_VGG/L2Norm[L2Norm]/pow_0" -> "146 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_0"; "146 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_0" -> "147 SSD_VGG/L2Norm[L2Norm]/sum_0"; "147 SSD_VGG/L2Norm[L2Norm]/sum_0" -> "148 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_1"; "148 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_1" -> "149 SSD_VGG/L2Norm[L2Norm]/sqrt_0"; -"149 SSD_VGG/L2Norm[L2Norm]/sqrt_0" -> "150 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_2"; -"150 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_2" -> "151 SSD_VGG/L2Norm[L2Norm]/__add___0"; -"151 SSD_VGG/L2Norm[L2Norm]/__add___0" -> "152 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_3"; -"152 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_3" -> "153 SSD_VGG/L2Norm[L2Norm]/div_0"; -"153 SSD_VGG/L2Norm[L2Norm]/div_0" -> "158 SSD_VGG/L2Norm[L2Norm]/expand_as_0"; -"153 SSD_VGG/L2Norm[L2Norm]/div_0" -> "160 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_5"; -"154 L2Norm.weight" -> "155 SSD_VGG/L2Norm[L2Norm]/unsqueeze_0"; -"155 SSD_VGG/L2Norm[L2Norm]/unsqueeze_0" -> "156 SSD_VGG/L2Norm[L2Norm]/unsqueeze_1"; -"156 SSD_VGG/L2Norm[L2Norm]/unsqueeze_1" -> "157 SSD_VGG/L2Norm[L2Norm]/unsqueeze_2"; -"157 SSD_VGG/L2Norm[L2Norm]/unsqueeze_2" -> "158 SSD_VGG/L2Norm[L2Norm]/expand_as_0"; -"158 SSD_VGG/L2Norm[L2Norm]/expand_as_0" -> "159 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_4"; -"159 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_4" -> "161 SSD_VGG/L2Norm[L2Norm]/__mul___0"; -"160 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_5" -> "161 SSD_VGG/L2Norm[L2Norm]/__mul___0"; -"161 SSD_VGG/L2Norm[L2Norm]/__mul___0" -> "162 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_6"; -"162 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_6" -> "238 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0"; -"162 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_6" -> "242 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0"; -"163 extras.0.weight" -> "165 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/SymmetricQuantizer/symmetric_quantize_0"; -"164 extras.0.bias" -> "166 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0"; -"165 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/SymmetricQuantizer/symmetric_quantize_0" -> "166 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0"; -"166 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0" -> "169 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0"; -"167 extras.1.weight" -> "169 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0"; -"168 extras.1.bias" -> "169 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0"; -"169 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0" -> "170 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/relu__0"; -"170 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/relu__0" -> "171 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/SymmetricQuantizer/symmetric_quantize_0"; -"171 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/SymmetricQuantizer/symmetric_quantize_0" -> "175 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0"; -"172 extras.3.weight" -> "174 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/SymmetricQuantizer/symmetric_quantize_0"; -"173 extras.3.bias" -> "175 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0"; -"174 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/SymmetricQuantizer/symmetric_quantize_0" -> "175 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0"; -"175 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0" -> "178 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0"; -"176 extras.4.weight" -> "178 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0"; -"177 extras.4.bias" -> "178 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0"; -"178 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0" -> "179 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/relu__0"; -"179 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/relu__0" -> "180 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0"; -"180 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0" -> "184 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0"; -"180 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0" -> "262 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0"; -"180 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0" -> "266 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0"; -"181 extras.6.weight" -> "183 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/SymmetricQuantizer/symmetric_quantize_0"; -"182 extras.6.bias" -> "184 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0"; -"183 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/SymmetricQuantizer/symmetric_quantize_0" -> "184 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0"; -"184 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0" -> "187 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0"; -"185 extras.7.weight" -> "187 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0"; -"186 extras.7.bias" -> "187 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0"; -"187 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0" -> "188 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/relu__0"; -"188 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/relu__0" -> "189 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/SymmetricQuantizer/symmetric_quantize_0"; -"189 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/SymmetricQuantizer/symmetric_quantize_0" -> "193 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0"; -"190 extras.9.weight" -> "192 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/SymmetricQuantizer/symmetric_quantize_0"; -"191 extras.9.bias" -> "193 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0"; -"192 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/SymmetricQuantizer/symmetric_quantize_0" -> "193 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0"; -"193 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0" -> "196 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0"; -"194 extras.10.weight" -> "196 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0"; -"195 extras.10.bias" -> "196 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0"; -"196 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0" -> "197 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/relu__0"; -"197 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/relu__0" -> "198 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0"; -"198 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0" -> "202 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0"; -"198 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0" -> "274 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0"; -"198 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0" -> "278 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0"; -"199 extras.12.weight" -> "201 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/SymmetricQuantizer/symmetric_quantize_0"; -"200 extras.12.bias" -> "202 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0"; -"201 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/SymmetricQuantizer/symmetric_quantize_0" -> "202 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0"; -"202 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0" -> "205 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0"; -"203 extras.13.weight" -> "205 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0"; -"204 extras.13.bias" -> "205 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0"; -"205 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0" -> "206 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/relu__0"; -"206 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/relu__0" -> "207 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/SymmetricQuantizer/symmetric_quantize_0"; -"207 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/SymmetricQuantizer/symmetric_quantize_0" -> "211 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0"; -"208 extras.15.weight" -> "210 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/SymmetricQuantizer/symmetric_quantize_0"; -"209 extras.15.bias" -> "211 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0"; -"210 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/SymmetricQuantizer/symmetric_quantize_0" -> "211 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0"; -"211 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0" -> "214 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0"; -"212 extras.16.weight" -> "214 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0"; -"213 extras.16.bias" -> "214 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0"; -"214 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0" -> "215 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/relu__0"; -"215 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/relu__0" -> "216 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0"; -"216 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0" -> "220 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0"; -"216 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0" -> "286 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0"; -"216 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0" -> "290 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0"; -"217 extras.18.weight" -> "219 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/SymmetricQuantizer/symmetric_quantize_0"; -"218 extras.18.bias" -> "220 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0"; -"219 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/SymmetricQuantizer/symmetric_quantize_0" -> "220 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0"; -"220 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0" -> "223 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0"; -"221 extras.19.weight" -> "223 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0"; -"222 extras.19.bias" -> "223 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0"; -"223 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0" -> "224 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/relu__0"; -"224 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/relu__0" -> "225 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/SymmetricQuantizer/symmetric_quantize_0"; -"225 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/SymmetricQuantizer/symmetric_quantize_0" -> "229 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0"; -"226 extras.21.weight" -> "228 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/SymmetricQuantizer/symmetric_quantize_0"; -"227 extras.21.bias" -> "229 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0"; -"228 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/SymmetricQuantizer/symmetric_quantize_0" -> "229 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0"; -"229 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0" -> "232 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0"; -"230 extras.22.weight" -> "232 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0"; -"231 extras.22.bias" -> "232 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0"; -"232 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0" -> "233 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/relu__0"; -"233 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/relu__0" -> "234 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/SymmetricQuantizer/symmetric_quantize_0"; -"234 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/SymmetricQuantizer/symmetric_quantize_0" -> "298 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0"; -"234 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/SymmetricQuantizer/symmetric_quantize_0" -> "302 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0"; -"235 detection_head.heads.0.loc.weight" -> "237 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; -"236 detection_head.heads.0.loc.bias" -> "238 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0"; -"237 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "238 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0"; -"238 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0" -> "243 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_0"; -"239 detection_head.heads.0.conf.weight" -> "241 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; -"240 detection_head.heads.0.conf.bias" -> "242 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0"; -"241 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "242 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0"; -"242 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0" -> "245 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_1"; -"243 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_0" -> "244 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_0"; -"244 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_0" -> "307 SSD_VGG/SSDDetectionOutput[detection_head]/view_0"; -"245 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_1" -> "246 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_1"; -"246 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_1" -> "314 SSD_VGG/SSDDetectionOutput[detection_head]/view_6"; -"247 detection_head.heads.1.loc.weight" -> "249 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; -"248 detection_head.heads.1.loc.bias" -> "250 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0"; -"249 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "250 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0"; -"250 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0" -> "255 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_0"; -"251 detection_head.heads.1.conf.weight" -> "253 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; -"252 detection_head.heads.1.conf.bias" -> "254 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0"; -"253 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "254 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0"; -"254 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0" -> "257 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_1"; -"255 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_0" -> "256 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_0"; -"256 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_0" -> "308 SSD_VGG/SSDDetectionOutput[detection_head]/view_1"; -"257 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_1" -> "258 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_1"; -"258 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_1" -> "315 SSD_VGG/SSDDetectionOutput[detection_head]/view_7"; -"259 detection_head.heads.2.loc.weight" -> "261 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; -"260 detection_head.heads.2.loc.bias" -> "262 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0"; -"261 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "262 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0"; -"262 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0" -> "267 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_0"; -"263 detection_head.heads.2.conf.weight" -> "265 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; -"264 detection_head.heads.2.conf.bias" -> "266 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0"; -"265 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "266 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0"; -"266 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0" -> "269 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_1"; -"267 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_0" -> "268 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_0"; -"268 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_0" -> "309 SSD_VGG/SSDDetectionOutput[detection_head]/view_2"; -"269 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_1" -> "270 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_1"; -"270 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_1" -> "316 SSD_VGG/SSDDetectionOutput[detection_head]/view_8"; -"271 detection_head.heads.3.loc.weight" -> "273 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; -"272 detection_head.heads.3.loc.bias" -> "274 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0"; -"273 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "274 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0"; -"274 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0" -> "279 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_0"; -"275 detection_head.heads.3.conf.weight" -> "277 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; -"276 detection_head.heads.3.conf.bias" -> "278 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0"; -"277 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "278 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0"; -"278 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0" -> "281 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_1"; -"279 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_0" -> "280 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_0"; -"280 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_0" -> "310 SSD_VGG/SSDDetectionOutput[detection_head]/view_3"; -"281 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_1" -> "282 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_1"; -"282 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_1" -> "317 SSD_VGG/SSDDetectionOutput[detection_head]/view_9"; -"283 detection_head.heads.4.loc.weight" -> "285 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; -"284 detection_head.heads.4.loc.bias" -> "286 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0"; -"285 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "286 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0"; -"286 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0" -> "291 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_0"; -"287 detection_head.heads.4.conf.weight" -> "289 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; -"288 detection_head.heads.4.conf.bias" -> "290 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0"; -"289 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "290 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0"; -"290 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0" -> "293 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_1"; -"291 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_0" -> "292 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_0"; -"292 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_0" -> "311 SSD_VGG/SSDDetectionOutput[detection_head]/view_4"; -"293 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_1" -> "294 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_1"; -"294 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_1" -> "318 SSD_VGG/SSDDetectionOutput[detection_head]/view_10"; -"295 detection_head.heads.5.loc.weight" -> "297 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; -"296 detection_head.heads.5.loc.bias" -> "298 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0"; -"297 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "298 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0"; -"298 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0" -> "303 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_0"; -"299 detection_head.heads.5.conf.weight" -> "301 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; -"300 detection_head.heads.5.conf.bias" -> "302 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0"; -"301 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "302 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0"; -"302 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0" -> "305 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_1"; -"303 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_0" -> "304 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_0"; -"304 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_0" -> "312 SSD_VGG/SSDDetectionOutput[detection_head]/view_5"; -"305 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_1" -> "306 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_1"; -"306 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_1" -> "319 SSD_VGG/SSDDetectionOutput[detection_head]/view_11"; -"307 SSD_VGG/SSDDetectionOutput[detection_head]/view_0" -> "313 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; -"308 SSD_VGG/SSDDetectionOutput[detection_head]/view_1" -> "313 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; -"309 SSD_VGG/SSDDetectionOutput[detection_head]/view_2" -> "313 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; -"310 SSD_VGG/SSDDetectionOutput[detection_head]/view_3" -> "313 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; -"311 SSD_VGG/SSDDetectionOutput[detection_head]/view_4" -> "313 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; -"312 SSD_VGG/SSDDetectionOutput[detection_head]/view_5" -> "313 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; -"314 SSD_VGG/SSDDetectionOutput[detection_head]/view_6" -> "320 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; -"315 SSD_VGG/SSDDetectionOutput[detection_head]/view_7" -> "320 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; -"316 SSD_VGG/SSDDetectionOutput[detection_head]/view_8" -> "320 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; -"317 SSD_VGG/SSDDetectionOutput[detection_head]/view_9" -> "320 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; -"318 SSD_VGG/SSDDetectionOutput[detection_head]/view_10" -> "320 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; -"319 SSD_VGG/SSDDetectionOutput[detection_head]/view_11" -> "320 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; -"320 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1" -> "321 SSD_VGG/SSDDetectionOutput[detection_head]/view_12"; -"321 SSD_VGG/SSDDetectionOutput[detection_head]/view_12" -> "322 SSD_VGG/SSDDetectionOutput[detection_head]/softmax_0"; +"149 SSD_VGG/L2Norm[L2Norm]/sqrt_0" -> "150 SSD_VGG/L2Norm[L2Norm]/__add___0"; +"150 SSD_VGG/L2Norm[L2Norm]/__add___0" -> "151 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_2"; +"151 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_2" -> "152 SSD_VGG/L2Norm[L2Norm]/div_0"; +"152 SSD_VGG/L2Norm[L2Norm]/div_0" -> "157 SSD_VGG/L2Norm[L2Norm]/expand_as_0"; +"152 SSD_VGG/L2Norm[L2Norm]/div_0" -> "159 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_4"; +"153 L2Norm.weight" -> "154 SSD_VGG/L2Norm[L2Norm]/unsqueeze_0"; +"154 SSD_VGG/L2Norm[L2Norm]/unsqueeze_0" -> "155 SSD_VGG/L2Norm[L2Norm]/unsqueeze_1"; +"155 SSD_VGG/L2Norm[L2Norm]/unsqueeze_1" -> "156 SSD_VGG/L2Norm[L2Norm]/unsqueeze_2"; +"156 SSD_VGG/L2Norm[L2Norm]/unsqueeze_2" -> "157 SSD_VGG/L2Norm[L2Norm]/expand_as_0"; +"157 SSD_VGG/L2Norm[L2Norm]/expand_as_0" -> "158 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_3"; +"158 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_3" -> "160 SSD_VGG/L2Norm[L2Norm]/__mul___0"; +"159 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_4" -> "160 SSD_VGG/L2Norm[L2Norm]/__mul___0"; +"160 SSD_VGG/L2Norm[L2Norm]/__mul___0" -> "161 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_5"; +"161 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_5" -> "237 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0"; +"161 SSD_VGG/L2Norm[L2Norm]/SymmetricQuantizer/symmetric_quantize_5" -> "241 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0"; +"162 extras.0.weight" -> "164 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/SymmetricQuantizer/symmetric_quantize_0"; +"163 extras.0.bias" -> "165 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0"; +"164 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/SymmetricQuantizer/symmetric_quantize_0" -> "165 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0"; +"165 SSD_VGG/MultiOutputSequential[extras]/Conv2d[0]/conv2d_0" -> "168 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0"; +"166 extras.1.weight" -> "168 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0"; +"167 extras.1.bias" -> "168 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0"; +"168 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[1]/batch_norm_0" -> "169 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/relu__0"; +"169 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/relu__0" -> "170 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/SymmetricQuantizer/symmetric_quantize_0"; +"170 SSD_VGG/MultiOutputSequential[extras]/ReLU[2]/SymmetricQuantizer/symmetric_quantize_0" -> "174 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0"; +"171 extras.3.weight" -> "173 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/SymmetricQuantizer/symmetric_quantize_0"; +"172 extras.3.bias" -> "174 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0"; +"173 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/SymmetricQuantizer/symmetric_quantize_0" -> "174 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0"; +"174 SSD_VGG/MultiOutputSequential[extras]/Conv2d[3]/conv2d_0" -> "177 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0"; +"175 extras.4.weight" -> "177 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0"; +"176 extras.4.bias" -> "177 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0"; +"177 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[4]/batch_norm_0" -> "178 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/relu__0"; +"178 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/relu__0" -> "179 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0"; +"179 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0" -> "183 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0"; +"179 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0" -> "261 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0"; +"179 SSD_VGG/MultiOutputSequential[extras]/ReLU[5]/SymmetricQuantizer/symmetric_quantize_0" -> "265 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0"; +"180 extras.6.weight" -> "182 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/SymmetricQuantizer/symmetric_quantize_0"; +"181 extras.6.bias" -> "183 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0"; +"182 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/SymmetricQuantizer/symmetric_quantize_0" -> "183 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0"; +"183 SSD_VGG/MultiOutputSequential[extras]/Conv2d[6]/conv2d_0" -> "186 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0"; +"184 extras.7.weight" -> "186 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0"; +"185 extras.7.bias" -> "186 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0"; +"186 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[7]/batch_norm_0" -> "187 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/relu__0"; +"187 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/relu__0" -> "188 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/SymmetricQuantizer/symmetric_quantize_0"; +"188 SSD_VGG/MultiOutputSequential[extras]/ReLU[8]/SymmetricQuantizer/symmetric_quantize_0" -> "192 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0"; +"189 extras.9.weight" -> "191 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/SymmetricQuantizer/symmetric_quantize_0"; +"190 extras.9.bias" -> "192 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0"; +"191 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/SymmetricQuantizer/symmetric_quantize_0" -> "192 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0"; +"192 SSD_VGG/MultiOutputSequential[extras]/Conv2d[9]/conv2d_0" -> "195 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0"; +"193 extras.10.weight" -> "195 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0"; +"194 extras.10.bias" -> "195 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0"; +"195 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[10]/batch_norm_0" -> "196 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/relu__0"; +"196 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/relu__0" -> "197 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0"; +"197 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0" -> "201 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0"; +"197 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0" -> "273 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0"; +"197 SSD_VGG/MultiOutputSequential[extras]/ReLU[11]/SymmetricQuantizer/symmetric_quantize_0" -> "277 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0"; +"198 extras.12.weight" -> "200 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/SymmetricQuantizer/symmetric_quantize_0"; +"199 extras.12.bias" -> "201 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0"; +"200 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/SymmetricQuantizer/symmetric_quantize_0" -> "201 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0"; +"201 SSD_VGG/MultiOutputSequential[extras]/Conv2d[12]/conv2d_0" -> "204 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0"; +"202 extras.13.weight" -> "204 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0"; +"203 extras.13.bias" -> "204 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0"; +"204 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[13]/batch_norm_0" -> "205 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/relu__0"; +"205 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/relu__0" -> "206 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/SymmetricQuantizer/symmetric_quantize_0"; +"206 SSD_VGG/MultiOutputSequential[extras]/ReLU[14]/SymmetricQuantizer/symmetric_quantize_0" -> "210 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0"; +"207 extras.15.weight" -> "209 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/SymmetricQuantizer/symmetric_quantize_0"; +"208 extras.15.bias" -> "210 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0"; +"209 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/SymmetricQuantizer/symmetric_quantize_0" -> "210 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0"; +"210 SSD_VGG/MultiOutputSequential[extras]/Conv2d[15]/conv2d_0" -> "213 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0"; +"211 extras.16.weight" -> "213 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0"; +"212 extras.16.bias" -> "213 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0"; +"213 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[16]/batch_norm_0" -> "214 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/relu__0"; +"214 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/relu__0" -> "215 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0"; +"215 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0" -> "219 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0"; +"215 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0" -> "285 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0"; +"215 SSD_VGG/MultiOutputSequential[extras]/ReLU[17]/SymmetricQuantizer/symmetric_quantize_0" -> "289 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0"; +"216 extras.18.weight" -> "218 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/SymmetricQuantizer/symmetric_quantize_0"; +"217 extras.18.bias" -> "219 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0"; +"218 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/SymmetricQuantizer/symmetric_quantize_0" -> "219 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0"; +"219 SSD_VGG/MultiOutputSequential[extras]/Conv2d[18]/conv2d_0" -> "222 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0"; +"220 extras.19.weight" -> "222 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0"; +"221 extras.19.bias" -> "222 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0"; +"222 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[19]/batch_norm_0" -> "223 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/relu__0"; +"223 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/relu__0" -> "224 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/SymmetricQuantizer/symmetric_quantize_0"; +"224 SSD_VGG/MultiOutputSequential[extras]/ReLU[20]/SymmetricQuantizer/symmetric_quantize_0" -> "228 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0"; +"225 extras.21.weight" -> "227 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/SymmetricQuantizer/symmetric_quantize_0"; +"226 extras.21.bias" -> "228 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0"; +"227 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/SymmetricQuantizer/symmetric_quantize_0" -> "228 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0"; +"228 SSD_VGG/MultiOutputSequential[extras]/Conv2d[21]/conv2d_0" -> "231 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0"; +"229 extras.22.weight" -> "231 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0"; +"230 extras.22.bias" -> "231 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0"; +"231 SSD_VGG/MultiOutputSequential[extras]/BatchNorm2d[22]/batch_norm_0" -> "232 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/relu__0"; +"232 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/relu__0" -> "233 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/SymmetricQuantizer/symmetric_quantize_0"; +"233 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/SymmetricQuantizer/symmetric_quantize_0" -> "297 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0"; +"233 SSD_VGG/MultiOutputSequential[extras]/ReLU[23]/SymmetricQuantizer/symmetric_quantize_0" -> "301 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0"; +"234 detection_head.heads.0.loc.weight" -> "236 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; +"235 detection_head.heads.0.loc.bias" -> "237 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0"; +"236 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "237 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0"; +"237 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[loc]/conv2d_0" -> "242 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_0"; +"238 detection_head.heads.0.conf.weight" -> "240 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; +"239 detection_head.heads.0.conf.bias" -> "241 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0"; +"240 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "241 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0"; +"241 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/Conv2d[conf]/conv2d_0" -> "244 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_1"; +"242 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_0" -> "243 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_0"; +"243 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_0" -> "306 SSD_VGG/SSDDetectionOutput[detection_head]/view_0"; +"244 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/permute_1" -> "245 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_1"; +"245 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[0]/contiguous_1" -> "313 SSD_VGG/SSDDetectionOutput[detection_head]/view_6"; +"246 detection_head.heads.1.loc.weight" -> "248 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; +"247 detection_head.heads.1.loc.bias" -> "249 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0"; +"248 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "249 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0"; +"249 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[loc]/conv2d_0" -> "254 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_0"; +"250 detection_head.heads.1.conf.weight" -> "252 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; +"251 detection_head.heads.1.conf.bias" -> "253 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0"; +"252 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "253 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0"; +"253 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/Conv2d[conf]/conv2d_0" -> "256 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_1"; +"254 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_0" -> "255 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_0"; +"255 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_0" -> "307 SSD_VGG/SSDDetectionOutput[detection_head]/view_1"; +"256 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/permute_1" -> "257 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_1"; +"257 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[1]/contiguous_1" -> "314 SSD_VGG/SSDDetectionOutput[detection_head]/view_7"; +"258 detection_head.heads.2.loc.weight" -> "260 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; +"259 detection_head.heads.2.loc.bias" -> "261 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0"; +"260 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "261 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0"; +"261 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[loc]/conv2d_0" -> "266 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_0"; +"262 detection_head.heads.2.conf.weight" -> "264 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; +"263 detection_head.heads.2.conf.bias" -> "265 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0"; +"264 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "265 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0"; +"265 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/Conv2d[conf]/conv2d_0" -> "268 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_1"; +"266 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_0" -> "267 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_0"; +"267 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_0" -> "308 SSD_VGG/SSDDetectionOutput[detection_head]/view_2"; +"268 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/permute_1" -> "269 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_1"; +"269 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[2]/contiguous_1" -> "315 SSD_VGG/SSDDetectionOutput[detection_head]/view_8"; +"270 detection_head.heads.3.loc.weight" -> "272 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; +"271 detection_head.heads.3.loc.bias" -> "273 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0"; +"272 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "273 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0"; +"273 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[loc]/conv2d_0" -> "278 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_0"; +"274 detection_head.heads.3.conf.weight" -> "276 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; +"275 detection_head.heads.3.conf.bias" -> "277 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0"; +"276 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "277 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0"; +"277 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/Conv2d[conf]/conv2d_0" -> "280 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_1"; +"278 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_0" -> "279 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_0"; +"279 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_0" -> "309 SSD_VGG/SSDDetectionOutput[detection_head]/view_3"; +"280 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/permute_1" -> "281 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_1"; +"281 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[3]/contiguous_1" -> "316 SSD_VGG/SSDDetectionOutput[detection_head]/view_9"; +"282 detection_head.heads.4.loc.weight" -> "284 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; +"283 detection_head.heads.4.loc.bias" -> "285 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0"; +"284 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "285 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0"; +"285 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[loc]/conv2d_0" -> "290 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_0"; +"286 detection_head.heads.4.conf.weight" -> "288 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; +"287 detection_head.heads.4.conf.bias" -> "289 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0"; +"288 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "289 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0"; +"289 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/Conv2d[conf]/conv2d_0" -> "292 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_1"; +"290 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_0" -> "291 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_0"; +"291 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_0" -> "310 SSD_VGG/SSDDetectionOutput[detection_head]/view_4"; +"292 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/permute_1" -> "293 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_1"; +"293 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[4]/contiguous_1" -> "317 SSD_VGG/SSDDetectionOutput[detection_head]/view_10"; +"294 detection_head.heads.5.loc.weight" -> "296 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0"; +"295 detection_head.heads.5.loc.bias" -> "297 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0"; +"296 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/SymmetricQuantizer/symmetric_quantize_0" -> "297 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0"; +"297 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[loc]/conv2d_0" -> "302 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_0"; +"298 detection_head.heads.5.conf.weight" -> "300 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0"; +"299 detection_head.heads.5.conf.bias" -> "301 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0"; +"300 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/SymmetricQuantizer/symmetric_quantize_0" -> "301 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0"; +"301 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/Conv2d[conf]/conv2d_0" -> "304 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_1"; +"302 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_0" -> "303 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_0"; +"303 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_0" -> "311 SSD_VGG/SSDDetectionOutput[detection_head]/view_5"; +"304 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/permute_1" -> "305 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_1"; +"305 SSD_VGG/SSDDetectionOutput[detection_head]/ModuleList[heads]/SSDHead[5]/contiguous_1" -> "318 SSD_VGG/SSDDetectionOutput[detection_head]/view_11"; +"306 SSD_VGG/SSDDetectionOutput[detection_head]/view_0" -> "312 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; +"307 SSD_VGG/SSDDetectionOutput[detection_head]/view_1" -> "312 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; +"308 SSD_VGG/SSDDetectionOutput[detection_head]/view_2" -> "312 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; +"309 SSD_VGG/SSDDetectionOutput[detection_head]/view_3" -> "312 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; +"310 SSD_VGG/SSDDetectionOutput[detection_head]/view_4" -> "312 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; +"311 SSD_VGG/SSDDetectionOutput[detection_head]/view_5" -> "312 SSD_VGG/SSDDetectionOutput[detection_head]/cat_0"; +"313 SSD_VGG/SSDDetectionOutput[detection_head]/view_6" -> "319 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; +"314 SSD_VGG/SSDDetectionOutput[detection_head]/view_7" -> "319 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; +"315 SSD_VGG/SSDDetectionOutput[detection_head]/view_8" -> "319 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; +"316 SSD_VGG/SSDDetectionOutput[detection_head]/view_9" -> "319 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; +"317 SSD_VGG/SSDDetectionOutput[detection_head]/view_10" -> "319 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; +"318 SSD_VGG/SSDDetectionOutput[detection_head]/view_11" -> "319 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1"; +"319 SSD_VGG/SSDDetectionOutput[detection_head]/cat_1" -> "320 SSD_VGG/SSDDetectionOutput[detection_head]/view_12"; +"320 SSD_VGG/SSDDetectionOutput[detection_head]/view_12" -> "321 SSD_VGG/SSDDetectionOutput[detection_head]/softmax_0"; } diff --git a/tests/torch/data/reference_graphs/quantized/symmetric/inception_v3.dot b/tests/torch/data/reference_graphs/quantized/symmetric/inception_v3.dot index 1082c9c5847..fcf0f2dc959 100644 --- a/tests/torch/data/reference_graphs/quantized/symmetric/inception_v3.dot +++ b/tests/torch/data/reference_graphs/quantized/symmetric/inception_v3.dot @@ -4,1105 +4,1099 @@ strict digraph { "2 Inception3/__getitem___0" [id=2, type=__getitem__]; "3 Inception3/unsqueeze_0" [id=3, type=unsqueeze]; "4 Inception3/__mul___0" [id=4, type=__mul__]; -"5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___0|OUTPUT]/symmetric_quantize_0" [id=5, type=symmetric_quantize]; -"6 Inception3/__add___0" [id=6, type=__add__]; -"7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" [id=7, type=symmetric_quantize]; -"8 Inception3/__getitem___1" [id=8, type=__getitem__]; -"9 Inception3/unsqueeze_1" [id=9, type=unsqueeze]; -"10 Inception3/__mul___1" [id=10, type=__mul__]; -"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___1|OUTPUT]/symmetric_quantize_0" [id=11, type=symmetric_quantize]; -"12 Inception3/__add___1" [id=12, type=__add__]; -"13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" [id=13, type=symmetric_quantize]; -"14 Inception3/__getitem___2" [id=14, type=__getitem__]; -"15 Inception3/unsqueeze_2" [id=15, type=unsqueeze]; -"16 Inception3/__mul___2" [id=16, type=__mul__]; -"17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___2|OUTPUT]/symmetric_quantize_0" [id=17, type=symmetric_quantize]; -"18 Inception3/__add___2" [id=18, type=__add__]; -"19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" [id=19, type=symmetric_quantize]; -"20 Inception3/cat_0" [id=20, type=cat]; -"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=21, type=symmetric_quantize]; -"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=22, type=conv2d]; -"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=23, type=batch_norm]; -"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" [id=24, type=relu_]; -"25 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=25, type=symmetric_quantize]; -"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=26, type=symmetric_quantize]; -"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=27, type=conv2d]; -"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=28, type=batch_norm]; -"29 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" [id=29, type=relu_]; -"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=30, type=symmetric_quantize]; -"31 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=31, type=symmetric_quantize]; -"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" [id=32, type=conv2d]; -"33 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=33, type=batch_norm]; -"34 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" [id=34, type=relu_]; -"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=35, type=symmetric_quantize]; -"36 Inception3/max_pool2d_0" [id=36, type=max_pool2d]; -"37 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=37, type=symmetric_quantize]; -"38 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" [id=38, type=conv2d]; -"39 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=39, type=batch_norm]; -"40 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" [id=40, type=relu_]; -"41 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=41, type=symmetric_quantize]; -"42 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=42, type=symmetric_quantize]; -"43 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=43, type=conv2d]; -"44 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=44, type=batch_norm]; -"45 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" [id=45, type=relu_]; -"46 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=46, type=symmetric_quantize]; -"47 Inception3/max_pool2d_1" [id=47, type=max_pool2d]; -"48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=48, type=symmetric_quantize]; -"49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=49, type=conv2d]; -"50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=50, type=batch_norm]; -"51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" [id=51, type=relu_]; -"52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=52, type=symmetric_quantize]; -"53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=53, type=symmetric_quantize]; -"54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=54, type=conv2d]; -"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=55, type=batch_norm]; -"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" [id=56, type=relu_]; -"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=57, type=symmetric_quantize]; -"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=58, type=symmetric_quantize]; -"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=59, type=conv2d]; -"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=60, type=batch_norm]; -"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" [id=61, type=relu_]; -"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=62, type=symmetric_quantize]; -"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=63, type=symmetric_quantize]; -"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=64, type=conv2d]; -"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=65, type=batch_norm]; -"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=66, type=relu_]; -"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=67, type=symmetric_quantize]; -"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=68, type=symmetric_quantize]; -"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=69, type=conv2d]; -"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=70, type=batch_norm]; -"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=71, type=relu_]; -"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=72, type=symmetric_quantize]; -"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=73, type=symmetric_quantize]; -"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=74, type=conv2d]; -"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=75, type=batch_norm]; -"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=76, type=relu_]; -"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=77, type=symmetric_quantize]; -"78 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" [id=78, type=avg_pool2d]; -"79 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" [id=79, type=symmetric_quantize]; -"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=80, type=symmetric_quantize]; -"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=81, type=conv2d]; -"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=82, type=batch_norm]; -"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" [id=83, type=relu_]; -"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=84, type=symmetric_quantize]; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" [id=85, type=cat]; -"86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=86, type=symmetric_quantize]; -"87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=87, type=conv2d]; -"88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=88, type=batch_norm]; -"89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" [id=89, type=relu_]; -"90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=90, type=symmetric_quantize]; -"91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=91, type=symmetric_quantize]; -"92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=92, type=conv2d]; -"93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=93, type=batch_norm]; -"94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" [id=94, type=relu_]; -"95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=95, type=symmetric_quantize]; -"96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=96, type=symmetric_quantize]; -"97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=97, type=conv2d]; -"98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=98, type=batch_norm]; -"99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" [id=99, type=relu_]; -"100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=100, type=symmetric_quantize]; -"101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=101, type=symmetric_quantize]; -"102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=102, type=conv2d]; -"103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=103, type=batch_norm]; -"104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=104, type=relu_]; -"105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=105, type=symmetric_quantize]; -"106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=106, type=symmetric_quantize]; -"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=107, type=conv2d]; -"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=108, type=batch_norm]; -"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=109, type=relu_]; -"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=110, type=symmetric_quantize]; -"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=111, type=symmetric_quantize]; -"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=112, type=conv2d]; -"113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=113, type=batch_norm]; -"114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=114, type=relu_]; -"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=115, type=symmetric_quantize]; -"116 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" [id=116, type=avg_pool2d]; -"117 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" [id=117, type=symmetric_quantize]; -"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=118, type=symmetric_quantize]; -"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=119, type=conv2d]; -"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=120, type=batch_norm]; -"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" [id=121, type=relu_]; -"122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=122, type=symmetric_quantize]; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" [id=123, type=cat]; -"124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=124, type=symmetric_quantize]; -"125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=125, type=conv2d]; -"126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=126, type=batch_norm]; -"127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" [id=127, type=relu_]; -"128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=128, type=symmetric_quantize]; -"129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=129, type=symmetric_quantize]; -"130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=130, type=conv2d]; -"131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=131, type=batch_norm]; -"132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" [id=132, type=relu_]; -"133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=133, type=symmetric_quantize]; -"134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=134, type=symmetric_quantize]; -"135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=135, type=conv2d]; -"136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=136, type=batch_norm]; -"137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" [id=137, type=relu_]; -"138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=138, type=symmetric_quantize]; -"139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=139, type=symmetric_quantize]; -"140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=140, type=conv2d]; -"141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=141, type=batch_norm]; -"142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=142, type=relu_]; -"143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=143, type=symmetric_quantize]; -"144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=144, type=symmetric_quantize]; -"145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=145, type=conv2d]; -"146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=146, type=batch_norm]; -"147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=147, type=relu_]; -"148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=148, type=symmetric_quantize]; -"149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=149, type=symmetric_quantize]; -"150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=150, type=conv2d]; -"151 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=151, type=batch_norm]; -"152 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=152, type=relu_]; -"153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=153, type=symmetric_quantize]; -"154 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" [id=154, type=avg_pool2d]; -"155 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" [id=155, type=symmetric_quantize]; -"156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=156, type=symmetric_quantize]; -"157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=157, type=conv2d]; -"158 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=158, type=batch_norm]; -"159 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" [id=159, type=relu_]; -"160 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=160, type=symmetric_quantize]; -"161 Inception3/InceptionA[Mixed_5d]/cat_0" [id=161, type=cat]; -"162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=162, type=symmetric_quantize]; -"163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" [id=163, type=conv2d]; -"164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=164, type=batch_norm]; -"165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" [id=165, type=relu_]; -"166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=166, type=symmetric_quantize]; -"167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=167, type=symmetric_quantize]; -"168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=168, type=conv2d]; -"169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=169, type=batch_norm]; -"170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=170, type=relu_]; -"171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=171, type=symmetric_quantize]; -"172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=172, type=symmetric_quantize]; -"173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=173, type=conv2d]; -"174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=174, type=batch_norm]; -"175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=175, type=relu_]; -"176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=176, type=symmetric_quantize]; -"177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=177, type=symmetric_quantize]; -"178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=178, type=conv2d]; -"179 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=179, type=batch_norm]; -"180 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=180, type=relu_]; -"181 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=181, type=symmetric_quantize]; -"182 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" [id=182, type=max_pool2d]; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" [id=183, type=cat]; -"184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=184, type=symmetric_quantize]; -"185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=185, type=conv2d]; -"186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=186, type=batch_norm]; -"187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" [id=187, type=relu_]; -"188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=188, type=symmetric_quantize]; -"189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=189, type=symmetric_quantize]; -"190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=190, type=conv2d]; -"191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=191, type=batch_norm]; -"192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" [id=192, type=relu_]; -"193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=193, type=symmetric_quantize]; -"194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=194, type=symmetric_quantize]; -"195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=195, type=conv2d]; -"196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=196, type=batch_norm]; -"197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" [id=197, type=relu_]; -"198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=198, type=symmetric_quantize]; -"199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=199, type=symmetric_quantize]; -"200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=200, type=conv2d]; -"201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=201, type=batch_norm]; -"202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" [id=202, type=relu_]; -"203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=203, type=symmetric_quantize]; -"204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=204, type=symmetric_quantize]; -"205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=205, type=conv2d]; -"206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=206, type=batch_norm]; -"207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=207, type=relu_]; -"208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=208, type=symmetric_quantize]; -"209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=209, type=symmetric_quantize]; -"210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=210, type=conv2d]; -"211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=211, type=batch_norm]; -"212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=212, type=relu_]; -"213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=213, type=symmetric_quantize]; -"214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=214, type=symmetric_quantize]; -"215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=215, type=conv2d]; -"216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=216, type=batch_norm]; -"217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=217, type=relu_]; -"218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=218, type=symmetric_quantize]; -"219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=219, type=symmetric_quantize]; -"220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=220, type=conv2d]; -"221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=221, type=batch_norm]; -"222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=222, type=relu_]; -"223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=223, type=symmetric_quantize]; -"224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=224, type=symmetric_quantize]; -"225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=225, type=conv2d]; -"226 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=226, type=batch_norm]; -"227 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=227, type=relu_]; -"228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=228, type=symmetric_quantize]; -"229 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" [id=229, type=avg_pool2d]; -"230 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" [id=230, type=symmetric_quantize]; -"231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=231, type=symmetric_quantize]; -"232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=232, type=conv2d]; -"233 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=233, type=batch_norm]; -"234 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" [id=234, type=relu_]; -"235 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=235, type=symmetric_quantize]; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" [id=236, type=cat]; -"237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=237, type=symmetric_quantize]; -"238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=238, type=conv2d]; -"239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=239, type=batch_norm]; -"240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" [id=240, type=relu_]; -"241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=241, type=symmetric_quantize]; -"242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=242, type=symmetric_quantize]; -"243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=243, type=conv2d]; -"244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=244, type=batch_norm]; -"245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" [id=245, type=relu_]; -"246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=246, type=symmetric_quantize]; -"247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=247, type=symmetric_quantize]; -"248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=248, type=conv2d]; -"249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=249, type=batch_norm]; -"250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" [id=250, type=relu_]; -"251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=251, type=symmetric_quantize]; -"252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=252, type=symmetric_quantize]; -"253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=253, type=conv2d]; -"254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=254, type=batch_norm]; -"255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" [id=255, type=relu_]; -"256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=256, type=symmetric_quantize]; -"257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=257, type=symmetric_quantize]; -"258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=258, type=conv2d]; -"259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=259, type=batch_norm]; -"260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=260, type=relu_]; -"261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=261, type=symmetric_quantize]; -"262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=262, type=symmetric_quantize]; -"263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=263, type=conv2d]; -"264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=264, type=batch_norm]; -"265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=265, type=relu_]; -"266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=266, type=symmetric_quantize]; -"267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=267, type=symmetric_quantize]; -"268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=268, type=conv2d]; -"269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=269, type=batch_norm]; -"270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=270, type=relu_]; -"271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=271, type=symmetric_quantize]; -"272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=272, type=symmetric_quantize]; -"273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=273, type=conv2d]; -"274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=274, type=batch_norm]; -"275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=275, type=relu_]; -"276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=276, type=symmetric_quantize]; -"277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=277, type=symmetric_quantize]; -"278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=278, type=conv2d]; -"279 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=279, type=batch_norm]; -"280 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=280, type=relu_]; -"281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=281, type=symmetric_quantize]; -"282 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" [id=282, type=avg_pool2d]; -"283 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" [id=283, type=symmetric_quantize]; -"284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=284, type=symmetric_quantize]; -"285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=285, type=conv2d]; -"286 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=286, type=batch_norm]; -"287 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" [id=287, type=relu_]; -"288 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=288, type=symmetric_quantize]; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" [id=289, type=cat]; -"290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=290, type=symmetric_quantize]; -"291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=291, type=conv2d]; -"292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=292, type=batch_norm]; -"293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" [id=293, type=relu_]; -"294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=294, type=symmetric_quantize]; -"295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=295, type=symmetric_quantize]; -"296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=296, type=conv2d]; -"297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=297, type=batch_norm]; -"298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" [id=298, type=relu_]; -"299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=299, type=symmetric_quantize]; -"300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=300, type=symmetric_quantize]; -"301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=301, type=conv2d]; -"302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=302, type=batch_norm]; -"303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" [id=303, type=relu_]; -"304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=304, type=symmetric_quantize]; -"305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=305, type=symmetric_quantize]; -"306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=306, type=conv2d]; -"307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=307, type=batch_norm]; -"308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" [id=308, type=relu_]; -"309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=309, type=symmetric_quantize]; -"310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=310, type=symmetric_quantize]; -"311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=311, type=conv2d]; -"312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=312, type=batch_norm]; -"313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=313, type=relu_]; -"314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=314, type=symmetric_quantize]; -"315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=315, type=symmetric_quantize]; -"316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=316, type=conv2d]; -"317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=317, type=batch_norm]; -"318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=318, type=relu_]; -"319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=319, type=symmetric_quantize]; -"320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=320, type=symmetric_quantize]; -"321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=321, type=conv2d]; -"322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=322, type=batch_norm]; -"323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=323, type=relu_]; -"324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=324, type=symmetric_quantize]; -"325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=325, type=symmetric_quantize]; -"326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=326, type=conv2d]; -"327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=327, type=batch_norm]; -"328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=328, type=relu_]; -"329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=329, type=symmetric_quantize]; -"330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=330, type=symmetric_quantize]; -"331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=331, type=conv2d]; -"332 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=332, type=batch_norm]; -"333 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=333, type=relu_]; -"334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=334, type=symmetric_quantize]; -"335 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" [id=335, type=avg_pool2d]; -"336 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" [id=336, type=symmetric_quantize]; -"337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=337, type=symmetric_quantize]; -"338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=338, type=conv2d]; -"339 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=339, type=batch_norm]; -"340 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" [id=340, type=relu_]; -"341 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=341, type=symmetric_quantize]; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" [id=342, type=cat]; -"343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=343, type=symmetric_quantize]; -"344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=344, type=conv2d]; -"345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=345, type=batch_norm]; -"346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" [id=346, type=relu_]; -"347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=347, type=symmetric_quantize]; -"348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=348, type=symmetric_quantize]; -"349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=349, type=conv2d]; -"350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=350, type=batch_norm]; -"351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" [id=351, type=relu_]; -"352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=352, type=symmetric_quantize]; -"353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=353, type=symmetric_quantize]; -"354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=354, type=conv2d]; -"355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=355, type=batch_norm]; -"356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" [id=356, type=relu_]; -"357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=357, type=symmetric_quantize]; -"358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=358, type=symmetric_quantize]; -"359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=359, type=conv2d]; -"360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=360, type=batch_norm]; -"361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" [id=361, type=relu_]; -"362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=362, type=symmetric_quantize]; -"363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=363, type=symmetric_quantize]; -"364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=364, type=conv2d]; -"365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=365, type=batch_norm]; -"366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=366, type=relu_]; -"367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=367, type=symmetric_quantize]; -"368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=368, type=symmetric_quantize]; -"369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=369, type=conv2d]; -"370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=370, type=batch_norm]; -"371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=371, type=relu_]; -"372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=372, type=symmetric_quantize]; -"373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=373, type=symmetric_quantize]; -"374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=374, type=conv2d]; -"375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=375, type=batch_norm]; -"376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=376, type=relu_]; -"377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=377, type=symmetric_quantize]; -"378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=378, type=symmetric_quantize]; -"379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=379, type=conv2d]; -"380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=380, type=batch_norm]; -"381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=381, type=relu_]; -"382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=382, type=symmetric_quantize]; -"383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=383, type=symmetric_quantize]; -"384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=384, type=conv2d]; -"385 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=385, type=batch_norm]; -"386 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=386, type=relu_]; -"387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=387, type=symmetric_quantize]; -"388 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" [id=388, type=avg_pool2d]; -"389 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" [id=389, type=symmetric_quantize]; -"390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=390, type=symmetric_quantize]; -"391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=391, type=conv2d]; -"392 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=392, type=batch_norm]; -"393 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" [id=393, type=relu_]; -"394 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=394, type=symmetric_quantize]; -"395 Inception3/InceptionC[Mixed_6e]/cat_0" [id=395, type=cat]; -"396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=396, type=symmetric_quantize]; -"397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=397, type=conv2d]; -"398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=398, type=batch_norm]; -"399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" [id=399, type=relu_]; -"400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=400, type=symmetric_quantize]; -"401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=401, type=symmetric_quantize]; -"402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" [id=402, type=conv2d]; -"403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=403, type=batch_norm]; -"404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" [id=404, type=relu_]; -"405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=405, type=symmetric_quantize]; -"406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=406, type=symmetric_quantize]; -"407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" [id=407, type=conv2d]; -"408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=408, type=batch_norm]; -"409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" [id=409, type=relu_]; -"410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=410, type=symmetric_quantize]; -"411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=411, type=symmetric_quantize]; -"412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" [id=412, type=conv2d]; -"413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=413, type=batch_norm]; -"414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" [id=414, type=relu_]; -"415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=415, type=symmetric_quantize]; -"416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=416, type=symmetric_quantize]; -"417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" [id=417, type=conv2d]; -"418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=418, type=batch_norm]; -"419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" [id=419, type=relu_]; -"420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" [id=420, type=symmetric_quantize]; -"421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=421, type=symmetric_quantize]; -"422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" [id=422, type=conv2d]; -"423 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=423, type=batch_norm]; -"424 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" [id=424, type=relu_]; -"425 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" [id=425, type=symmetric_quantize]; -"426 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" [id=426, type=max_pool2d]; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" [id=427, type=cat]; -"428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=428, type=symmetric_quantize]; -"429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=429, type=conv2d]; -"430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=430, type=batch_norm]; -"431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" [id=431, type=relu_]; -"432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=432, type=symmetric_quantize]; -"433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=433, type=symmetric_quantize]; -"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=434, type=conv2d]; -"435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=435, type=batch_norm]; -"436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" [id=436, type=relu_]; -"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=437, type=symmetric_quantize]; -"438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=438, type=symmetric_quantize]; -"439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=439, type=conv2d]; -"440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=440, type=batch_norm]; -"441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" [id=441, type=relu_]; -"442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=442, type=symmetric_quantize]; -"443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=443, type=symmetric_quantize]; -"444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=444, type=conv2d]; -"445 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=445, type=batch_norm]; -"446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" [id=446, type=relu_]; -"447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=447, type=symmetric_quantize]; -"448 Inception3/InceptionE[Mixed_7b]/cat_0" [id=448, type=cat]; -"449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=449, type=symmetric_quantize]; -"450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=450, type=conv2d]; -"451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=451, type=batch_norm]; -"452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=452, type=relu_]; -"453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=453, type=symmetric_quantize]; -"454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=454, type=symmetric_quantize]; -"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=455, type=conv2d]; -"456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=456, type=batch_norm]; -"457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=457, type=relu_]; -"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=458, type=symmetric_quantize]; -"459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=459, type=symmetric_quantize]; -"460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=460, type=conv2d]; -"461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=461, type=batch_norm]; -"462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=462, type=relu_]; -"463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=463, type=symmetric_quantize]; -"464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=464, type=symmetric_quantize]; -"465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=465, type=conv2d]; -"466 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=466, type=batch_norm]; -"467 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=467, type=relu_]; -"468 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=468, type=symmetric_quantize]; -"469 Inception3/InceptionE[Mixed_7b]/cat_1" [id=469, type=cat]; -"470 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" [id=470, type=avg_pool2d]; -"471 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" [id=471, type=symmetric_quantize]; -"472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=472, type=symmetric_quantize]; -"473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=473, type=conv2d]; -"474 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=474, type=batch_norm]; -"475 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" [id=475, type=relu_]; -"476 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=476, type=symmetric_quantize]; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" [id=477, type=cat]; -"478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=478, type=symmetric_quantize]; -"479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=479, type=conv2d]; -"480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=480, type=batch_norm]; -"481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" [id=481, type=relu_]; -"482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=482, type=symmetric_quantize]; -"483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=483, type=symmetric_quantize]; -"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=484, type=conv2d]; -"485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=485, type=batch_norm]; -"486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" [id=486, type=relu_]; -"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=487, type=symmetric_quantize]; -"488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=488, type=symmetric_quantize]; -"489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=489, type=conv2d]; -"490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=490, type=batch_norm]; -"491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" [id=491, type=relu_]; -"492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=492, type=symmetric_quantize]; -"493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=493, type=symmetric_quantize]; -"494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=494, type=conv2d]; -"495 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=495, type=batch_norm]; -"496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" [id=496, type=relu_]; -"497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=497, type=symmetric_quantize]; -"498 Inception3/InceptionE[Mixed_7c]/cat_0" [id=498, type=cat]; -"499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=499, type=symmetric_quantize]; -"500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=500, type=conv2d]; -"501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=501, type=batch_norm]; -"502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=502, type=relu_]; -"503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=503, type=symmetric_quantize]; -"504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=504, type=symmetric_quantize]; -"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=505, type=conv2d]; -"506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=506, type=batch_norm]; -"507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=507, type=relu_]; -"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=508, type=symmetric_quantize]; -"509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=509, type=symmetric_quantize]; -"510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=510, type=conv2d]; -"511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=511, type=batch_norm]; -"512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=512, type=relu_]; -"513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=513, type=symmetric_quantize]; -"514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=514, type=symmetric_quantize]; -"515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=515, type=conv2d]; -"516 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=516, type=batch_norm]; -"517 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=517, type=relu_]; -"518 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=518, type=symmetric_quantize]; -"519 Inception3/InceptionE[Mixed_7c]/cat_1" [id=519, type=cat]; -"520 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" [id=520, type=avg_pool2d]; -"521 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" [id=521, type=symmetric_quantize]; -"522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=522, type=symmetric_quantize]; -"523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=523, type=conv2d]; -"524 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=524, type=batch_norm]; -"525 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" [id=525, type=relu_]; -"526 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=526, type=symmetric_quantize]; -"527 Inception3/InceptionE[Mixed_7c]/cat_2" [id=527, type=cat]; -"528 Inception3/adaptive_avg_pool2d_0" [id=528, type=adaptive_avg_pool2d]; -"529 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" [id=529, type=symmetric_quantize]; -"530 Inception3/dropout_0" [id=530, type=dropout]; -"531 Inception3/view_0" [id=531, type=view]; -"532 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=532, type=symmetric_quantize]; -"533 Inception3/NNCFLinear[fc]/linear_0" [id=533, type=linear]; -"534 /nncf_model_output_0" [id=534, type=nncf_model_output]; +"5 Inception3/__add___0" [id=5, type=__add__]; +"6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" [id=6, type=symmetric_quantize]; +"7 Inception3/__getitem___1" [id=7, type=__getitem__]; +"8 Inception3/unsqueeze_1" [id=8, type=unsqueeze]; +"9 Inception3/__mul___1" [id=9, type=__mul__]; +"10 Inception3/__add___1" [id=10, type=__add__]; +"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" [id=11, type=symmetric_quantize]; +"12 Inception3/__getitem___2" [id=12, type=__getitem__]; +"13 Inception3/unsqueeze_2" [id=13, type=unsqueeze]; +"14 Inception3/__mul___2" [id=14, type=__mul__]; +"15 Inception3/__add___2" [id=15, type=__add__]; +"16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" [id=16, type=symmetric_quantize]; +"17 Inception3/cat_0" [id=17, type=cat]; +"18 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=18, type=symmetric_quantize]; +"19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=19, type=conv2d]; +"20 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=20, type=batch_norm]; +"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" [id=21, type=relu_]; +"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=22, type=symmetric_quantize]; +"23 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=23, type=symmetric_quantize]; +"24 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=24, type=conv2d]; +"25 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=25, type=batch_norm]; +"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" [id=26, type=relu_]; +"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=27, type=symmetric_quantize]; +"28 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=28, type=symmetric_quantize]; +"29 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" [id=29, type=conv2d]; +"30 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=30, type=batch_norm]; +"31 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" [id=31, type=relu_]; +"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=32, type=symmetric_quantize]; +"33 Inception3/max_pool2d_0" [id=33, type=max_pool2d]; +"34 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=34, type=symmetric_quantize]; +"35 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" [id=35, type=conv2d]; +"36 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=36, type=batch_norm]; +"37 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" [id=37, type=relu_]; +"38 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=38, type=symmetric_quantize]; +"39 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=39, type=symmetric_quantize]; +"40 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=40, type=conv2d]; +"41 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=41, type=batch_norm]; +"42 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" [id=42, type=relu_]; +"43 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=43, type=symmetric_quantize]; +"44 Inception3/max_pool2d_1" [id=44, type=max_pool2d]; +"45 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=45, type=symmetric_quantize]; +"46 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=46, type=conv2d]; +"47 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=47, type=batch_norm]; +"48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" [id=48, type=relu_]; +"49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=49, type=symmetric_quantize]; +"50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=50, type=symmetric_quantize]; +"51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=51, type=conv2d]; +"52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=52, type=batch_norm]; +"53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" [id=53, type=relu_]; +"54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=54, type=symmetric_quantize]; +"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=55, type=symmetric_quantize]; +"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=56, type=conv2d]; +"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=57, type=batch_norm]; +"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" [id=58, type=relu_]; +"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=59, type=symmetric_quantize]; +"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=60, type=symmetric_quantize]; +"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=61, type=conv2d]; +"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=62, type=batch_norm]; +"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=63, type=relu_]; +"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=64, type=symmetric_quantize]; +"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=65, type=symmetric_quantize]; +"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=66, type=conv2d]; +"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=67, type=batch_norm]; +"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=68, type=relu_]; +"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=69, type=symmetric_quantize]; +"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=70, type=symmetric_quantize]; +"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=71, type=conv2d]; +"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=72, type=batch_norm]; +"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=73, type=relu_]; +"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=74, type=symmetric_quantize]; +"75 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" [id=75, type=avg_pool2d]; +"76 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" [id=76, type=symmetric_quantize]; +"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=77, type=symmetric_quantize]; +"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=78, type=conv2d]; +"79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=79, type=batch_norm]; +"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" [id=80, type=relu_]; +"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=81, type=symmetric_quantize]; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" [id=82, type=cat]; +"83 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=83, type=symmetric_quantize]; +"84 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=84, type=conv2d]; +"85 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=85, type=batch_norm]; +"86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" [id=86, type=relu_]; +"87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=87, type=symmetric_quantize]; +"88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=88, type=symmetric_quantize]; +"89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=89, type=conv2d]; +"90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=90, type=batch_norm]; +"91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" [id=91, type=relu_]; +"92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=92, type=symmetric_quantize]; +"93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=93, type=symmetric_quantize]; +"94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=94, type=conv2d]; +"95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=95, type=batch_norm]; +"96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" [id=96, type=relu_]; +"97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=97, type=symmetric_quantize]; +"98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=98, type=symmetric_quantize]; +"99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=99, type=conv2d]; +"100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=100, type=batch_norm]; +"101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=101, type=relu_]; +"102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=102, type=symmetric_quantize]; +"103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=103, type=symmetric_quantize]; +"104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=104, type=conv2d]; +"105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=105, type=batch_norm]; +"106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=106, type=relu_]; +"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=107, type=symmetric_quantize]; +"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=108, type=symmetric_quantize]; +"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=109, type=conv2d]; +"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=110, type=batch_norm]; +"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=111, type=relu_]; +"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=112, type=symmetric_quantize]; +"113 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" [id=113, type=avg_pool2d]; +"114 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" [id=114, type=symmetric_quantize]; +"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=115, type=symmetric_quantize]; +"116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=116, type=conv2d]; +"117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=117, type=batch_norm]; +"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" [id=118, type=relu_]; +"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=119, type=symmetric_quantize]; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" [id=120, type=cat]; +"121 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=121, type=symmetric_quantize]; +"122 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=122, type=conv2d]; +"123 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=123, type=batch_norm]; +"124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" [id=124, type=relu_]; +"125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=125, type=symmetric_quantize]; +"126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=126, type=symmetric_quantize]; +"127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=127, type=conv2d]; +"128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=128, type=batch_norm]; +"129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" [id=129, type=relu_]; +"130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=130, type=symmetric_quantize]; +"131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=131, type=symmetric_quantize]; +"132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=132, type=conv2d]; +"133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=133, type=batch_norm]; +"134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" [id=134, type=relu_]; +"135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=135, type=symmetric_quantize]; +"136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=136, type=symmetric_quantize]; +"137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=137, type=conv2d]; +"138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=138, type=batch_norm]; +"139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=139, type=relu_]; +"140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=140, type=symmetric_quantize]; +"141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=141, type=symmetric_quantize]; +"142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=142, type=conv2d]; +"143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=143, type=batch_norm]; +"144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=144, type=relu_]; +"145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=145, type=symmetric_quantize]; +"146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=146, type=symmetric_quantize]; +"147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=147, type=conv2d]; +"148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=148, type=batch_norm]; +"149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=149, type=relu_]; +"150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=150, type=symmetric_quantize]; +"151 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" [id=151, type=avg_pool2d]; +"152 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" [id=152, type=symmetric_quantize]; +"153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=153, type=symmetric_quantize]; +"154 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=154, type=conv2d]; +"155 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=155, type=batch_norm]; +"156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" [id=156, type=relu_]; +"157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=157, type=symmetric_quantize]; +"158 Inception3/InceptionA[Mixed_5d]/cat_0" [id=158, type=cat]; +"159 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=159, type=symmetric_quantize]; +"160 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" [id=160, type=conv2d]; +"161 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=161, type=batch_norm]; +"162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" [id=162, type=relu_]; +"163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=163, type=symmetric_quantize]; +"164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=164, type=symmetric_quantize]; +"165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=165, type=conv2d]; +"166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=166, type=batch_norm]; +"167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=167, type=relu_]; +"168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=168, type=symmetric_quantize]; +"169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=169, type=symmetric_quantize]; +"170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=170, type=conv2d]; +"171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=171, type=batch_norm]; +"172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=172, type=relu_]; +"173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=173, type=symmetric_quantize]; +"174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=174, type=symmetric_quantize]; +"175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=175, type=conv2d]; +"176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=176, type=batch_norm]; +"177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=177, type=relu_]; +"178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=178, type=symmetric_quantize]; +"179 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" [id=179, type=max_pool2d]; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" [id=180, type=cat]; +"181 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=181, type=symmetric_quantize]; +"182 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=182, type=conv2d]; +"183 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=183, type=batch_norm]; +"184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" [id=184, type=relu_]; +"185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=185, type=symmetric_quantize]; +"186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=186, type=symmetric_quantize]; +"187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=187, type=conv2d]; +"188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=188, type=batch_norm]; +"189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" [id=189, type=relu_]; +"190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=190, type=symmetric_quantize]; +"191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=191, type=symmetric_quantize]; +"192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=192, type=conv2d]; +"193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=193, type=batch_norm]; +"194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" [id=194, type=relu_]; +"195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=195, type=symmetric_quantize]; +"196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=196, type=symmetric_quantize]; +"197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=197, type=conv2d]; +"198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=198, type=batch_norm]; +"199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" [id=199, type=relu_]; +"200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=200, type=symmetric_quantize]; +"201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=201, type=symmetric_quantize]; +"202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=202, type=conv2d]; +"203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=203, type=batch_norm]; +"204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=204, type=relu_]; +"205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=205, type=symmetric_quantize]; +"206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=206, type=symmetric_quantize]; +"207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=207, type=conv2d]; +"208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=208, type=batch_norm]; +"209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=209, type=relu_]; +"210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=210, type=symmetric_quantize]; +"211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=211, type=symmetric_quantize]; +"212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=212, type=conv2d]; +"213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=213, type=batch_norm]; +"214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=214, type=relu_]; +"215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=215, type=symmetric_quantize]; +"216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=216, type=symmetric_quantize]; +"217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=217, type=conv2d]; +"218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=218, type=batch_norm]; +"219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=219, type=relu_]; +"220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=220, type=symmetric_quantize]; +"221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=221, type=symmetric_quantize]; +"222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=222, type=conv2d]; +"223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=223, type=batch_norm]; +"224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=224, type=relu_]; +"225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=225, type=symmetric_quantize]; +"226 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" [id=226, type=avg_pool2d]; +"227 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" [id=227, type=symmetric_quantize]; +"228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=228, type=symmetric_quantize]; +"229 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=229, type=conv2d]; +"230 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=230, type=batch_norm]; +"231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" [id=231, type=relu_]; +"232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=232, type=symmetric_quantize]; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" [id=233, type=cat]; +"234 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=234, type=symmetric_quantize]; +"235 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=235, type=conv2d]; +"236 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=236, type=batch_norm]; +"237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" [id=237, type=relu_]; +"238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=238, type=symmetric_quantize]; +"239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=239, type=symmetric_quantize]; +"240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=240, type=conv2d]; +"241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=241, type=batch_norm]; +"242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" [id=242, type=relu_]; +"243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=243, type=symmetric_quantize]; +"244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=244, type=symmetric_quantize]; +"245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=245, type=conv2d]; +"246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=246, type=batch_norm]; +"247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" [id=247, type=relu_]; +"248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=248, type=symmetric_quantize]; +"249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=249, type=symmetric_quantize]; +"250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=250, type=conv2d]; +"251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=251, type=batch_norm]; +"252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" [id=252, type=relu_]; +"253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=253, type=symmetric_quantize]; +"254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=254, type=symmetric_quantize]; +"255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=255, type=conv2d]; +"256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=256, type=batch_norm]; +"257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=257, type=relu_]; +"258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=258, type=symmetric_quantize]; +"259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=259, type=symmetric_quantize]; +"260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=260, type=conv2d]; +"261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=261, type=batch_norm]; +"262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=262, type=relu_]; +"263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=263, type=symmetric_quantize]; +"264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=264, type=symmetric_quantize]; +"265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=265, type=conv2d]; +"266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=266, type=batch_norm]; +"267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=267, type=relu_]; +"268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=268, type=symmetric_quantize]; +"269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=269, type=symmetric_quantize]; +"270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=270, type=conv2d]; +"271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=271, type=batch_norm]; +"272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=272, type=relu_]; +"273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=273, type=symmetric_quantize]; +"274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=274, type=symmetric_quantize]; +"275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=275, type=conv2d]; +"276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=276, type=batch_norm]; +"277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=277, type=relu_]; +"278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=278, type=symmetric_quantize]; +"279 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" [id=279, type=avg_pool2d]; +"280 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" [id=280, type=symmetric_quantize]; +"281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=281, type=symmetric_quantize]; +"282 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=282, type=conv2d]; +"283 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=283, type=batch_norm]; +"284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" [id=284, type=relu_]; +"285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=285, type=symmetric_quantize]; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" [id=286, type=cat]; +"287 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=287, type=symmetric_quantize]; +"288 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=288, type=conv2d]; +"289 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=289, type=batch_norm]; +"290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" [id=290, type=relu_]; +"291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=291, type=symmetric_quantize]; +"292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=292, type=symmetric_quantize]; +"293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=293, type=conv2d]; +"294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=294, type=batch_norm]; +"295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" [id=295, type=relu_]; +"296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=296, type=symmetric_quantize]; +"297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=297, type=symmetric_quantize]; +"298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=298, type=conv2d]; +"299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=299, type=batch_norm]; +"300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" [id=300, type=relu_]; +"301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=301, type=symmetric_quantize]; +"302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=302, type=symmetric_quantize]; +"303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=303, type=conv2d]; +"304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=304, type=batch_norm]; +"305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" [id=305, type=relu_]; +"306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=306, type=symmetric_quantize]; +"307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=307, type=symmetric_quantize]; +"308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=308, type=conv2d]; +"309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=309, type=batch_norm]; +"310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=310, type=relu_]; +"311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=311, type=symmetric_quantize]; +"312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=312, type=symmetric_quantize]; +"313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=313, type=conv2d]; +"314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=314, type=batch_norm]; +"315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=315, type=relu_]; +"316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=316, type=symmetric_quantize]; +"317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=317, type=symmetric_quantize]; +"318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=318, type=conv2d]; +"319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=319, type=batch_norm]; +"320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=320, type=relu_]; +"321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=321, type=symmetric_quantize]; +"322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=322, type=symmetric_quantize]; +"323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=323, type=conv2d]; +"324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=324, type=batch_norm]; +"325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=325, type=relu_]; +"326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=326, type=symmetric_quantize]; +"327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=327, type=symmetric_quantize]; +"328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=328, type=conv2d]; +"329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=329, type=batch_norm]; +"330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=330, type=relu_]; +"331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=331, type=symmetric_quantize]; +"332 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" [id=332, type=avg_pool2d]; +"333 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" [id=333, type=symmetric_quantize]; +"334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=334, type=symmetric_quantize]; +"335 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=335, type=conv2d]; +"336 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=336, type=batch_norm]; +"337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" [id=337, type=relu_]; +"338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=338, type=symmetric_quantize]; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" [id=339, type=cat]; +"340 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=340, type=symmetric_quantize]; +"341 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=341, type=conv2d]; +"342 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=342, type=batch_norm]; +"343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" [id=343, type=relu_]; +"344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=344, type=symmetric_quantize]; +"345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=345, type=symmetric_quantize]; +"346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=346, type=conv2d]; +"347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=347, type=batch_norm]; +"348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" [id=348, type=relu_]; +"349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=349, type=symmetric_quantize]; +"350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=350, type=symmetric_quantize]; +"351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=351, type=conv2d]; +"352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=352, type=batch_norm]; +"353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" [id=353, type=relu_]; +"354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=354, type=symmetric_quantize]; +"355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=355, type=symmetric_quantize]; +"356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=356, type=conv2d]; +"357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=357, type=batch_norm]; +"358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" [id=358, type=relu_]; +"359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=359, type=symmetric_quantize]; +"360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=360, type=symmetric_quantize]; +"361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=361, type=conv2d]; +"362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=362, type=batch_norm]; +"363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=363, type=relu_]; +"364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=364, type=symmetric_quantize]; +"365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=365, type=symmetric_quantize]; +"366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=366, type=conv2d]; +"367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=367, type=batch_norm]; +"368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=368, type=relu_]; +"369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=369, type=symmetric_quantize]; +"370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=370, type=symmetric_quantize]; +"371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=371, type=conv2d]; +"372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=372, type=batch_norm]; +"373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=373, type=relu_]; +"374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=374, type=symmetric_quantize]; +"375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=375, type=symmetric_quantize]; +"376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=376, type=conv2d]; +"377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=377, type=batch_norm]; +"378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=378, type=relu_]; +"379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=379, type=symmetric_quantize]; +"380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=380, type=symmetric_quantize]; +"381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=381, type=conv2d]; +"382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=382, type=batch_norm]; +"383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=383, type=relu_]; +"384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=384, type=symmetric_quantize]; +"385 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" [id=385, type=avg_pool2d]; +"386 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" [id=386, type=symmetric_quantize]; +"387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=387, type=symmetric_quantize]; +"388 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=388, type=conv2d]; +"389 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=389, type=batch_norm]; +"390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" [id=390, type=relu_]; +"391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=391, type=symmetric_quantize]; +"392 Inception3/InceptionC[Mixed_6e]/cat_0" [id=392, type=cat]; +"393 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=393, type=symmetric_quantize]; +"394 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=394, type=conv2d]; +"395 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=395, type=batch_norm]; +"396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" [id=396, type=relu_]; +"397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=397, type=symmetric_quantize]; +"398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=398, type=symmetric_quantize]; +"399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" [id=399, type=conv2d]; +"400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=400, type=batch_norm]; +"401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" [id=401, type=relu_]; +"402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=402, type=symmetric_quantize]; +"403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=403, type=symmetric_quantize]; +"404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" [id=404, type=conv2d]; +"405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=405, type=batch_norm]; +"406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" [id=406, type=relu_]; +"407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=407, type=symmetric_quantize]; +"408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=408, type=symmetric_quantize]; +"409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" [id=409, type=conv2d]; +"410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=410, type=batch_norm]; +"411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" [id=411, type=relu_]; +"412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=412, type=symmetric_quantize]; +"413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=413, type=symmetric_quantize]; +"414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" [id=414, type=conv2d]; +"415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=415, type=batch_norm]; +"416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" [id=416, type=relu_]; +"417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" [id=417, type=symmetric_quantize]; +"418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=418, type=symmetric_quantize]; +"419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" [id=419, type=conv2d]; +"420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=420, type=batch_norm]; +"421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" [id=421, type=relu_]; +"422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" [id=422, type=symmetric_quantize]; +"423 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" [id=423, type=max_pool2d]; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" [id=424, type=cat]; +"425 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=425, type=symmetric_quantize]; +"426 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=426, type=conv2d]; +"427 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=427, type=batch_norm]; +"428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" [id=428, type=relu_]; +"429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=429, type=symmetric_quantize]; +"430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=430, type=symmetric_quantize]; +"431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=431, type=conv2d]; +"432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=432, type=batch_norm]; +"433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" [id=433, type=relu_]; +"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=434, type=symmetric_quantize]; +"435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=435, type=symmetric_quantize]; +"436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=436, type=conv2d]; +"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=437, type=batch_norm]; +"438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" [id=438, type=relu_]; +"439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=439, type=symmetric_quantize]; +"440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=440, type=symmetric_quantize]; +"441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=441, type=conv2d]; +"442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=442, type=batch_norm]; +"443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" [id=443, type=relu_]; +"444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=444, type=symmetric_quantize]; +"445 Inception3/InceptionE[Mixed_7b]/cat_0" [id=445, type=cat]; +"446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=446, type=symmetric_quantize]; +"447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=447, type=conv2d]; +"448 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=448, type=batch_norm]; +"449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=449, type=relu_]; +"450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=450, type=symmetric_quantize]; +"451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=451, type=symmetric_quantize]; +"452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=452, type=conv2d]; +"453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=453, type=batch_norm]; +"454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=454, type=relu_]; +"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=455, type=symmetric_quantize]; +"456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=456, type=symmetric_quantize]; +"457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=457, type=conv2d]; +"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=458, type=batch_norm]; +"459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=459, type=relu_]; +"460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=460, type=symmetric_quantize]; +"461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=461, type=symmetric_quantize]; +"462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=462, type=conv2d]; +"463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=463, type=batch_norm]; +"464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=464, type=relu_]; +"465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=465, type=symmetric_quantize]; +"466 Inception3/InceptionE[Mixed_7b]/cat_1" [id=466, type=cat]; +"467 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" [id=467, type=avg_pool2d]; +"468 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" [id=468, type=symmetric_quantize]; +"469 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=469, type=symmetric_quantize]; +"470 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=470, type=conv2d]; +"471 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=471, type=batch_norm]; +"472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" [id=472, type=relu_]; +"473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=473, type=symmetric_quantize]; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" [id=474, type=cat]; +"475 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=475, type=symmetric_quantize]; +"476 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=476, type=conv2d]; +"477 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=477, type=batch_norm]; +"478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" [id=478, type=relu_]; +"479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=479, type=symmetric_quantize]; +"480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=480, type=symmetric_quantize]; +"481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=481, type=conv2d]; +"482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=482, type=batch_norm]; +"483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" [id=483, type=relu_]; +"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=484, type=symmetric_quantize]; +"485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=485, type=symmetric_quantize]; +"486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=486, type=conv2d]; +"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=487, type=batch_norm]; +"488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" [id=488, type=relu_]; +"489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=489, type=symmetric_quantize]; +"490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=490, type=symmetric_quantize]; +"491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=491, type=conv2d]; +"492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=492, type=batch_norm]; +"493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" [id=493, type=relu_]; +"494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=494, type=symmetric_quantize]; +"495 Inception3/InceptionE[Mixed_7c]/cat_0" [id=495, type=cat]; +"496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=496, type=symmetric_quantize]; +"497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=497, type=conv2d]; +"498 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=498, type=batch_norm]; +"499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=499, type=relu_]; +"500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=500, type=symmetric_quantize]; +"501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=501, type=symmetric_quantize]; +"502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=502, type=conv2d]; +"503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=503, type=batch_norm]; +"504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=504, type=relu_]; +"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=505, type=symmetric_quantize]; +"506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=506, type=symmetric_quantize]; +"507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=507, type=conv2d]; +"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=508, type=batch_norm]; +"509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=509, type=relu_]; +"510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=510, type=symmetric_quantize]; +"511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=511, type=symmetric_quantize]; +"512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=512, type=conv2d]; +"513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=513, type=batch_norm]; +"514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=514, type=relu_]; +"515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=515, type=symmetric_quantize]; +"516 Inception3/InceptionE[Mixed_7c]/cat_1" [id=516, type=cat]; +"517 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" [id=517, type=avg_pool2d]; +"518 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" [id=518, type=symmetric_quantize]; +"519 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=519, type=symmetric_quantize]; +"520 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=520, type=conv2d]; +"521 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=521, type=batch_norm]; +"522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" [id=522, type=relu_]; +"523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=523, type=symmetric_quantize]; +"524 Inception3/InceptionE[Mixed_7c]/cat_2" [id=524, type=cat]; +"525 Inception3/adaptive_avg_pool2d_0" [id=525, type=adaptive_avg_pool2d]; +"526 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" [id=526, type=symmetric_quantize]; +"527 Inception3/dropout_0" [id=527, type=dropout]; +"528 Inception3/view_0" [id=528, type=view]; +"529 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=529, type=symmetric_quantize]; +"530 Inception3/NNCFLinear[fc]/linear_0" [id=530, type=linear]; +"531 /nncf_model_output_0" [id=531, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "2 Inception3/__getitem___0"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "8 Inception3/__getitem___1"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "14 Inception3/__getitem___2"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "7 Inception3/__getitem___1"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "12 Inception3/__getitem___2"; "2 Inception3/__getitem___0" -> "3 Inception3/unsqueeze_0"; "3 Inception3/unsqueeze_0" -> "4 Inception3/__mul___0"; -"4 Inception3/__mul___0" -> "5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___0|OUTPUT]/symmetric_quantize_0"; -"5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___0|OUTPUT]/symmetric_quantize_0" -> "6 Inception3/__add___0"; -"6 Inception3/__add___0" -> "7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0"; -"7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" -> "20 Inception3/cat_0"; -"8 Inception3/__getitem___1" -> "9 Inception3/unsqueeze_1"; -"9 Inception3/unsqueeze_1" -> "10 Inception3/__mul___1"; -"10 Inception3/__mul___1" -> "11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___1|OUTPUT]/symmetric_quantize_0"; -"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___1|OUTPUT]/symmetric_quantize_0" -> "12 Inception3/__add___1"; -"12 Inception3/__add___1" -> "13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1"; -"13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" -> "20 Inception3/cat_0"; -"14 Inception3/__getitem___2" -> "15 Inception3/unsqueeze_2"; -"15 Inception3/unsqueeze_2" -> "16 Inception3/__mul___2"; -"16 Inception3/__mul___2" -> "17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___2|OUTPUT]/symmetric_quantize_0"; -"17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___2|OUTPUT]/symmetric_quantize_0" -> "18 Inception3/__add___2"; -"18 Inception3/__add___2" -> "19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2"; -"19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" -> "20 Inception3/cat_0"; -"20 Inception3/cat_0" -> "22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "23 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "24 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0"; -"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" -> "25 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"25 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "29 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0"; -"29 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" -> "30 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; -"31 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; -"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" -> "33 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"33 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "34 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0"; -"34 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" -> "35 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "36 Inception3/max_pool2d_0"; -"36 Inception3/max_pool2d_0" -> "38 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; -"37 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "38 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; -"38 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" -> "39 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"39 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "40 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0"; -"40 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" -> "41 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"41 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "43 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"42 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "43 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"43 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "44 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"44 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "45 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0"; -"45 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" -> "46 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"46 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "47 Inception3/max_pool2d_1"; -"47 Inception3/max_pool2d_1" -> "49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"47 Inception3/max_pool2d_1" -> "54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"47 Inception3/max_pool2d_1" -> "64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"47 Inception3/max_pool2d_1" -> "78 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0"; -"48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0"; -"51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" -> "52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "85 Inception3/InceptionA[Mixed_5b]/cat_0"; -"53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0"; -"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" -> "57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; -"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0"; -"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" -> "62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; -"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "85 Inception3/InceptionA[Mixed_5b]/cat_0"; -"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "85 Inception3/InceptionA[Mixed_5b]/cat_0"; -"78 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" -> "79 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0"; -"79 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0"; -"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" -> "84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "85 Inception3/InceptionA[Mixed_5b]/cat_0"; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" -> "87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" -> "92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" -> "102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"85 Inception3/InceptionA[Mixed_5b]/cat_0" -> "116 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0"; -"86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0"; -"89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" -> "90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "123 Inception3/InceptionA[Mixed_5c]/cat_0"; -"91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0"; -"94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" -> "95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; -"95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0"; -"99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" -> "100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; -"100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "123 Inception3/InceptionA[Mixed_5c]/cat_0"; -"101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "123 Inception3/InceptionA[Mixed_5c]/cat_0"; -"116 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" -> "117 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0"; -"117 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" -> "119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0"; -"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" -> "122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "123 Inception3/InceptionA[Mixed_5c]/cat_0"; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" -> "125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" -> "130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" -> "140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"123 Inception3/InceptionA[Mixed_5c]/cat_0" -> "154 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0"; -"124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0"; -"127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" -> "128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5d]/cat_0"; -"129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0"; -"132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" -> "133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; -"133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0"; -"137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" -> "138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; -"138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5d]/cat_0"; -"139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "151 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"151 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "152 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"152 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5d]/cat_0"; -"154 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" -> "155 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0"; -"155 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" -> "157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "158 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"158 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "159 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0"; -"159 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" -> "160 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"160 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5d]/cat_0"; -"161 Inception3/InceptionA[Mixed_5d]/cat_0" -> "163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; -"161 Inception3/InceptionA[Mixed_5d]/cat_0" -> "168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"161 Inception3/InceptionA[Mixed_5d]/cat_0" -> "182 Inception3/InceptionB[Mixed_6a]/max_pool2d_0"; -"162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; -"163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" -> "164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0"; -"165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" -> "166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "183 Inception3/InceptionB[Mixed_6a]/cat_0"; -"167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "179 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"179 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "180 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"180 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "181 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"181 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "183 Inception3/InceptionB[Mixed_6a]/cat_0"; -"182 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" -> "183 Inception3/InceptionB[Mixed_6a]/cat_0"; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" -> "185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" -> "190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" -> "205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"183 Inception3/InceptionB[Mixed_6a]/cat_0" -> "229 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0"; -"184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0"; -"187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" -> "188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "236 Inception3/InceptionC[Mixed_6b]/cat_0"; -"189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0"; -"192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" -> "193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0"; -"197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" -> "198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0"; -"202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" -> "203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "236 Inception3/InceptionC[Mixed_6b]/cat_0"; -"204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "226 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"226 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "227 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"227 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "236 Inception3/InceptionC[Mixed_6b]/cat_0"; -"229 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" -> "230 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0"; -"230 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" -> "232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "233 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"233 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "234 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0"; -"234 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" -> "235 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"235 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "236 Inception3/InceptionC[Mixed_6b]/cat_0"; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" -> "238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" -> "243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" -> "258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"236 Inception3/InceptionC[Mixed_6b]/cat_0" -> "282 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0"; -"237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0"; -"240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" -> "241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6c]/cat_0"; -"242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0"; -"245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" -> "246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0"; -"250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" -> "251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0"; -"255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" -> "256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6c]/cat_0"; -"257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "279 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"279 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "280 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"280 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6c]/cat_0"; -"282 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" -> "283 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0"; -"283 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" -> "285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "286 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"286 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "287 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0"; -"287 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" -> "288 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"288 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6c]/cat_0"; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" -> "291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" -> "296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" -> "311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"289 Inception3/InceptionC[Mixed_6c]/cat_0" -> "335 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0"; -"290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0"; -"293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" -> "294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "342 Inception3/InceptionC[Mixed_6d]/cat_0"; -"295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0"; -"298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" -> "299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0"; -"303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" -> "304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0"; -"308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" -> "309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "342 Inception3/InceptionC[Mixed_6d]/cat_0"; -"310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "332 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"332 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "333 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"333 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "342 Inception3/InceptionC[Mixed_6d]/cat_0"; -"335 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" -> "336 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0"; -"336 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" -> "338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "339 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"339 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "340 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0"; -"340 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" -> "341 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"341 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "342 Inception3/InceptionC[Mixed_6d]/cat_0"; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" -> "344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" -> "349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" -> "364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"342 Inception3/InceptionC[Mixed_6d]/cat_0" -> "388 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0"; -"343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0"; -"346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" -> "347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "395 Inception3/InceptionC[Mixed_6e]/cat_0"; -"348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0"; -"351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" -> "352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0"; -"356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" -> "357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0"; -"361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" -> "362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "395 Inception3/InceptionC[Mixed_6e]/cat_0"; -"363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "385 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"385 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "386 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"386 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "395 Inception3/InceptionC[Mixed_6e]/cat_0"; -"388 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" -> "389 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0"; -"389 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" -> "391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "392 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"392 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "393 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0"; -"393 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" -> "394 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"394 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "395 Inception3/InceptionC[Mixed_6e]/cat_0"; -"395 Inception3/InceptionC[Mixed_6e]/cat_0" -> "397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"395 Inception3/InceptionC[Mixed_6e]/cat_0" -> "407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; -"395 Inception3/InceptionC[Mixed_6e]/cat_0" -> "426 Inception3/InceptionD[Mixed_7a]/max_pool2d_0"; -"396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0"; -"399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" -> "400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; -"401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; -"402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" -> "403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0"; -"404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" -> "405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0"; -"405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "427 Inception3/InceptionD[Mixed_7a]/cat_0"; -"406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; -"407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" -> "408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0"; -"409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" -> "410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; -"411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; -"412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" -> "413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0"; -"414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" -> "415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0"; -"415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; -"416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; -"417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" -> "418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0"; -"419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" -> "420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0"; -"420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" -> "422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; -"421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; -"422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" -> "423 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"423 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "424 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0"; -"424 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" -> "425 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0"; -"425 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" -> "427 Inception3/InceptionD[Mixed_7a]/cat_0"; -"426 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" -> "427 Inception3/InceptionD[Mixed_7a]/cat_0"; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" -> "429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" -> "434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" -> "450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"427 Inception3/InceptionD[Mixed_7a]/cat_0" -> "470 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0"; -"428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0"; -"431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" -> "432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "477 Inception3/InceptionE[Mixed_7b]/cat_2"; -"433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0"; -"436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" -> "437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0"; -"441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" -> "442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; -"442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "448 Inception3/InceptionE[Mixed_7b]/cat_0"; -"443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "445 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"445 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0"; -"446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" -> "447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; -"447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "448 Inception3/InceptionE[Mixed_7b]/cat_0"; -"448 Inception3/InceptionE[Mixed_7b]/cat_0" -> "477 Inception3/InceptionE[Mixed_7b]/cat_2"; -"449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0"; -"462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; -"463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "469 Inception3/InceptionE[Mixed_7b]/cat_1"; -"464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "466 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"466 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "467 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0"; -"467 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "468 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; -"468 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "469 Inception3/InceptionE[Mixed_7b]/cat_1"; -"469 Inception3/InceptionE[Mixed_7b]/cat_1" -> "477 Inception3/InceptionE[Mixed_7b]/cat_2"; -"470 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" -> "471 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0"; -"471 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" -> "473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "474 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"474 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "475 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0"; -"475 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" -> "476 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"476 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "477 Inception3/InceptionE[Mixed_7b]/cat_2"; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" -> "479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" -> "484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" -> "500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"477 Inception3/InceptionE[Mixed_7b]/cat_2" -> "520 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0"; -"478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0"; -"481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" -> "482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "527 Inception3/InceptionE[Mixed_7c]/cat_2"; -"483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0"; -"486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" -> "487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0"; -"491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" -> "492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; -"492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "498 Inception3/InceptionE[Mixed_7c]/cat_0"; -"493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "495 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"495 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0"; -"496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" -> "497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; -"497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "498 Inception3/InceptionE[Mixed_7c]/cat_0"; -"498 Inception3/InceptionE[Mixed_7c]/cat_0" -> "527 Inception3/InceptionE[Mixed_7c]/cat_2"; -"499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0"; -"512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; -"513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "519 Inception3/InceptionE[Mixed_7c]/cat_1"; -"514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "516 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"516 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "517 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0"; -"517 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "518 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; -"518 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "519 Inception3/InceptionE[Mixed_7c]/cat_1"; -"519 Inception3/InceptionE[Mixed_7c]/cat_1" -> "527 Inception3/InceptionE[Mixed_7c]/cat_2"; -"520 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" -> "521 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0"; -"521 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" -> "523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "524 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"524 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "525 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0"; -"525 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" -> "526 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"526 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "527 Inception3/InceptionE[Mixed_7c]/cat_2"; -"527 Inception3/InceptionE[Mixed_7c]/cat_2" -> "528 Inception3/adaptive_avg_pool2d_0"; -"528 Inception3/adaptive_avg_pool2d_0" -> "529 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0"; -"529 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" -> "530 Inception3/dropout_0"; -"530 Inception3/dropout_0" -> "531 Inception3/view_0"; -"531 Inception3/view_0" -> "533 Inception3/NNCFLinear[fc]/linear_0"; -"532 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "533 Inception3/NNCFLinear[fc]/linear_0"; -"533 Inception3/NNCFLinear[fc]/linear_0" -> "534 /nncf_model_output_0"; +"4 Inception3/__mul___0" -> "5 Inception3/__add___0"; +"5 Inception3/__add___0" -> "6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0"; +"6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" -> "17 Inception3/cat_0"; +"7 Inception3/__getitem___1" -> "8 Inception3/unsqueeze_1"; +"8 Inception3/unsqueeze_1" -> "9 Inception3/__mul___1"; +"9 Inception3/__mul___1" -> "10 Inception3/__add___1"; +"10 Inception3/__add___1" -> "11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1"; +"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" -> "17 Inception3/cat_0"; +"12 Inception3/__getitem___2" -> "13 Inception3/unsqueeze_2"; +"13 Inception3/unsqueeze_2" -> "14 Inception3/__mul___2"; +"14 Inception3/__mul___2" -> "15 Inception3/__add___2"; +"15 Inception3/__add___2" -> "16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2"; +"16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" -> "17 Inception3/cat_0"; +"17 Inception3/cat_0" -> "19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"18 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "20 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"20 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "21 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0"; +"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" -> "22 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "24 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"23 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "24 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"24 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "25 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"25 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "26 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0"; +"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" -> "27 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "29 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; +"28 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "29 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; +"29 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" -> "30 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"30 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "31 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0"; +"31 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" -> "32 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "33 Inception3/max_pool2d_0"; +"33 Inception3/max_pool2d_0" -> "35 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; +"34 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "35 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; +"35 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" -> "36 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"36 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "37 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0"; +"37 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" -> "38 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"38 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "40 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"39 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "40 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"40 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "41 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"41 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "42 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0"; +"42 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" -> "43 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"43 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "44 Inception3/max_pool2d_1"; +"44 Inception3/max_pool2d_1" -> "46 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"44 Inception3/max_pool2d_1" -> "51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"44 Inception3/max_pool2d_1" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"44 Inception3/max_pool2d_1" -> "75 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0"; +"45 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "46 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"46 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "47 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"47 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0"; +"48 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" -> "49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"49 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "82 Inception3/InceptionA[Mixed_5b]/cat_0"; +"50 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"51 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"52 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0"; +"53 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" -> "54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; +"54 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0"; +"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" -> "59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; +"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "82 Inception3/InceptionA[Mixed_5b]/cat_0"; +"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "82 Inception3/InceptionA[Mixed_5b]/cat_0"; +"75 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" -> "76 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0"; +"76 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" -> "78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0"; +"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "82 Inception3/InceptionA[Mixed_5b]/cat_0"; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" -> "84 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" -> "89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" -> "99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"82 Inception3/InceptionA[Mixed_5b]/cat_0" -> "113 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0"; +"83 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "84 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"84 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "85 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"85 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0"; +"86 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" -> "87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"87 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "120 Inception3/InceptionA[Mixed_5c]/cat_0"; +"88 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"89 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"90 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0"; +"91 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" -> "92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; +"92 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"93 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"94 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"95 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0"; +"96 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" -> "97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; +"97 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "120 Inception3/InceptionA[Mixed_5c]/cat_0"; +"98 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"99 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"100 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"101 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"102 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"103 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"104 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"105 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"106 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "120 Inception3/InceptionA[Mixed_5c]/cat_0"; +"113 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" -> "114 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0"; +"114 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" -> "116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0"; +"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" -> "119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "120 Inception3/InceptionA[Mixed_5c]/cat_0"; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" -> "122 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" -> "127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" -> "137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"120 Inception3/InceptionA[Mixed_5c]/cat_0" -> "151 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0"; +"121 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "122 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"122 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "123 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"123 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0"; +"124 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" -> "125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"125 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5d]/cat_0"; +"126 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"127 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"128 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0"; +"129 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" -> "130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; +"130 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"131 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"132 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"133 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0"; +"134 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" -> "135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; +"135 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5d]/cat_0"; +"136 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"137 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"138 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"139 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"140 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"141 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"142 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"143 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"144 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"145 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"146 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"147 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"148 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"149 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"150 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5d]/cat_0"; +"151 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" -> "152 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0"; +"152 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" -> "154 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"153 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "154 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"154 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "155 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"155 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0"; +"156 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" -> "157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"157 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5d]/cat_0"; +"158 Inception3/InceptionA[Mixed_5d]/cat_0" -> "160 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; +"158 Inception3/InceptionA[Mixed_5d]/cat_0" -> "165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"158 Inception3/InceptionA[Mixed_5d]/cat_0" -> "179 Inception3/InceptionB[Mixed_6a]/max_pool2d_0"; +"159 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "160 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; +"160 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" -> "161 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"161 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0"; +"162 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" -> "163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"163 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "180 Inception3/InceptionB[Mixed_6a]/cat_0"; +"164 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"165 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"166 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"167 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"168 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"169 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"170 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"171 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"172 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"173 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"174 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"175 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"176 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"177 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"178 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "180 Inception3/InceptionB[Mixed_6a]/cat_0"; +"179 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" -> "180 Inception3/InceptionB[Mixed_6a]/cat_0"; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" -> "182 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" -> "187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" -> "202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"180 Inception3/InceptionB[Mixed_6a]/cat_0" -> "226 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0"; +"181 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "182 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"182 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "183 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"183 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0"; +"184 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" -> "185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"185 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "233 Inception3/InceptionC[Mixed_6b]/cat_0"; +"186 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"187 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"188 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0"; +"189 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" -> "190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"190 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"191 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"192 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"193 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0"; +"194 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" -> "195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"195 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"196 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"197 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"198 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0"; +"199 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" -> "200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"200 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "233 Inception3/InceptionC[Mixed_6b]/cat_0"; +"201 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"202 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"203 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"204 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"205 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"206 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"207 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"208 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"209 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"210 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"211 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"212 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"213 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"214 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"215 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"216 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"217 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"218 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"219 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"220 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"221 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"222 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"223 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"224 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"225 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "233 Inception3/InceptionC[Mixed_6b]/cat_0"; +"226 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" -> "227 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0"; +"227 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" -> "229 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"228 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "229 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"229 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "230 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"230 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0"; +"231 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" -> "232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"232 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "233 Inception3/InceptionC[Mixed_6b]/cat_0"; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" -> "235 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" -> "240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" -> "255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"233 Inception3/InceptionC[Mixed_6b]/cat_0" -> "279 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0"; +"234 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "235 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"235 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "236 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"236 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0"; +"237 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" -> "238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"238 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6c]/cat_0"; +"239 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"240 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"241 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0"; +"242 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" -> "243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"243 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"244 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"245 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"246 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0"; +"247 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" -> "248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"248 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"249 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"250 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"251 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0"; +"252 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" -> "253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"253 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6c]/cat_0"; +"254 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"255 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"256 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"257 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"258 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"259 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"260 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"261 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"262 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"263 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"264 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"265 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"266 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"267 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"268 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"269 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"270 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"271 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"272 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"273 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"274 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"275 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"276 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"277 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"278 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6c]/cat_0"; +"279 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" -> "280 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0"; +"280 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" -> "282 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"281 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "282 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"282 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "283 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"283 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0"; +"284 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" -> "285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"285 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6c]/cat_0"; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" -> "288 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" -> "293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" -> "308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"286 Inception3/InceptionC[Mixed_6c]/cat_0" -> "332 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0"; +"287 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "288 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"288 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "289 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"289 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0"; +"290 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" -> "291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"291 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "339 Inception3/InceptionC[Mixed_6d]/cat_0"; +"292 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"293 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"294 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0"; +"295 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" -> "296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"296 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"297 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"298 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"299 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0"; +"300 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" -> "301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"301 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"302 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"303 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"304 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0"; +"305 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" -> "306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"306 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "339 Inception3/InceptionC[Mixed_6d]/cat_0"; +"307 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"308 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"309 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"310 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"311 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"312 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"313 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"314 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"315 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"316 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"317 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"318 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"319 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"320 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"321 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"322 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"323 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"324 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"325 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"326 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"327 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"328 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"329 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"330 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"331 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "339 Inception3/InceptionC[Mixed_6d]/cat_0"; +"332 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" -> "333 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0"; +"333 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" -> "335 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"334 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "335 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"335 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "336 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"336 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0"; +"337 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" -> "338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"338 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "339 Inception3/InceptionC[Mixed_6d]/cat_0"; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" -> "341 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" -> "346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" -> "361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"339 Inception3/InceptionC[Mixed_6d]/cat_0" -> "385 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0"; +"340 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "341 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"341 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "342 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"342 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0"; +"343 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" -> "344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"344 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "392 Inception3/InceptionC[Mixed_6e]/cat_0"; +"345 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"346 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"347 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0"; +"348 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" -> "349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"349 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"350 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"351 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"352 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0"; +"353 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" -> "354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"354 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"355 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"356 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"357 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0"; +"358 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" -> "359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"359 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "392 Inception3/InceptionC[Mixed_6e]/cat_0"; +"360 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"361 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"362 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"363 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"364 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"365 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"366 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"367 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"368 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"369 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"370 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"371 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"372 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"373 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"374 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"375 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"376 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"377 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"378 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"379 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"380 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"381 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"382 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"383 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"384 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "392 Inception3/InceptionC[Mixed_6e]/cat_0"; +"385 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" -> "386 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0"; +"386 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" -> "388 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"387 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "388 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"388 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "389 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"389 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0"; +"390 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" -> "391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"391 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "392 Inception3/InceptionC[Mixed_6e]/cat_0"; +"392 Inception3/InceptionC[Mixed_6e]/cat_0" -> "394 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"392 Inception3/InceptionC[Mixed_6e]/cat_0" -> "404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; +"392 Inception3/InceptionC[Mixed_6e]/cat_0" -> "423 Inception3/InceptionD[Mixed_7a]/max_pool2d_0"; +"393 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "394 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"394 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "395 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"395 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0"; +"396 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" -> "397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"397 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; +"398 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; +"399 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" -> "400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"400 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0"; +"401 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" -> "402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0"; +"402 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "424 Inception3/InceptionD[Mixed_7a]/cat_0"; +"403 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; +"404 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" -> "405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"405 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0"; +"406 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" -> "407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"407 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; +"408 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; +"409 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" -> "410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"410 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0"; +"411 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" -> "412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0"; +"412 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; +"413 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; +"414 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" -> "415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"415 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0"; +"416 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" -> "417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0"; +"417 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" -> "419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; +"418 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; +"419 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" -> "420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"420 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0"; +"421 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" -> "422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0"; +"422 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" -> "424 Inception3/InceptionD[Mixed_7a]/cat_0"; +"423 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" -> "424 Inception3/InceptionD[Mixed_7a]/cat_0"; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" -> "426 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" -> "431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" -> "447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"424 Inception3/InceptionD[Mixed_7a]/cat_0" -> "467 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0"; +"425 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "426 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"426 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "427 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"427 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0"; +"428 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" -> "429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"429 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "474 Inception3/InceptionE[Mixed_7b]/cat_2"; +"430 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"431 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"432 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0"; +"433 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" -> "434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"434 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"435 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"436 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"437 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0"; +"438 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" -> "439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; +"439 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "445 Inception3/InceptionE[Mixed_7b]/cat_0"; +"440 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"441 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"442 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0"; +"443 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" -> "444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; +"444 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "445 Inception3/InceptionE[Mixed_7b]/cat_0"; +"445 Inception3/InceptionE[Mixed_7b]/cat_0" -> "474 Inception3/InceptionE[Mixed_7b]/cat_2"; +"446 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"447 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "448 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"448 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"449 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"450 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"451 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"452 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"453 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"454 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"455 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"456 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"457 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"458 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0"; +"459 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; +"460 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "466 Inception3/InceptionE[Mixed_7b]/cat_1"; +"461 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"462 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"463 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0"; +"464 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; +"465 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "466 Inception3/InceptionE[Mixed_7b]/cat_1"; +"466 Inception3/InceptionE[Mixed_7b]/cat_1" -> "474 Inception3/InceptionE[Mixed_7b]/cat_2"; +"467 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" -> "468 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0"; +"468 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" -> "470 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"469 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "470 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"470 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "471 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"471 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0"; +"472 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" -> "473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"473 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "474 Inception3/InceptionE[Mixed_7b]/cat_2"; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" -> "476 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" -> "481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" -> "497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"474 Inception3/InceptionE[Mixed_7b]/cat_2" -> "517 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0"; +"475 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "476 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"476 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "477 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"477 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0"; +"478 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" -> "479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"479 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "524 Inception3/InceptionE[Mixed_7c]/cat_2"; +"480 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"481 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"482 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0"; +"483 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" -> "484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"484 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"485 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"486 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"487 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0"; +"488 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" -> "489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; +"489 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "495 Inception3/InceptionE[Mixed_7c]/cat_0"; +"490 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"491 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"492 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0"; +"493 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" -> "494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; +"494 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "495 Inception3/InceptionE[Mixed_7c]/cat_0"; +"495 Inception3/InceptionE[Mixed_7c]/cat_0" -> "524 Inception3/InceptionE[Mixed_7c]/cat_2"; +"496 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"497 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "498 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"498 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"499 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"500 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"501 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"502 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"503 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"504 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"505 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"506 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"507 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"508 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0"; +"509 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; +"510 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "516 Inception3/InceptionE[Mixed_7c]/cat_1"; +"511 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"512 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"513 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0"; +"514 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; +"515 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "516 Inception3/InceptionE[Mixed_7c]/cat_1"; +"516 Inception3/InceptionE[Mixed_7c]/cat_1" -> "524 Inception3/InceptionE[Mixed_7c]/cat_2"; +"517 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" -> "518 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0"; +"518 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" -> "520 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"519 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "520 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"520 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "521 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"521 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0"; +"522 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" -> "523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"523 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "524 Inception3/InceptionE[Mixed_7c]/cat_2"; +"524 Inception3/InceptionE[Mixed_7c]/cat_2" -> "525 Inception3/adaptive_avg_pool2d_0"; +"525 Inception3/adaptive_avg_pool2d_0" -> "526 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0"; +"526 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" -> "527 Inception3/dropout_0"; +"527 Inception3/dropout_0" -> "528 Inception3/view_0"; +"528 Inception3/view_0" -> "530 Inception3/NNCFLinear[fc]/linear_0"; +"529 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "530 Inception3/NNCFLinear[fc]/linear_0"; +"530 Inception3/NNCFLinear[fc]/linear_0" -> "531 /nncf_model_output_0"; } diff --git a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_bi_seq.dot b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_bi_seq.dot index e4d86695b80..21608b8d568 100644 --- a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_bi_seq.dot +++ b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_bi_seq.dot @@ -12,133 +12,129 @@ strict digraph { "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=11, type=symmetric_quantize]; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=13, type=symmetric_quantize]; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=15, type=symmetric_quantize]; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=17, type=symmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=19, type=symmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=21, type=symmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=24, type=symmetric_quantize]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=26, type=linear]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=27, type=symmetric_quantize]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=28, type=cat]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=29, type=view]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=30, type=symmetric_quantize]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=31, type=linear]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=32, type=symmetric_quantize]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=33, type=symmetric_quantize]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=34, type=linear]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=35, type=symmetric_quantize]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=36, type=__add__]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=37, type=chunk]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=38, type=sigmoid]; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=39, type=symmetric_quantize]; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=40, type=sigmoid]; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=14, type=symmetric_quantize]; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=16, type=symmetric_quantize]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=18, type=symmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=20, type=symmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=23, type=symmetric_quantize]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=25, type=linear]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=26, type=symmetric_quantize]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=27, type=cat]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=28, type=view]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=29, type=symmetric_quantize]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=30, type=linear]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=31, type=symmetric_quantize]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=32, type=symmetric_quantize]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=33, type=linear]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=34, type=symmetric_quantize]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=35, type=__add__]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=36, type=chunk]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=37, type=sigmoid]; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=38, type=symmetric_quantize]; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=39, type=sigmoid]; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=40, type=tanh]; "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=41, type=symmetric_quantize]; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=42, type=tanh]; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=42, type=sigmoid]; "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=43, type=symmetric_quantize]; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=44, type=sigmoid]; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=44, type=__mul__]; "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=45, type=symmetric_quantize]; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=46, type=__mul__]; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=46, type=__mul__]; "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=47, type=symmetric_quantize]; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=48, type=__mul__]; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=49, type=symmetric_quantize]; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=50, type=__add__]; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=51, type=tanh]; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=52, type=symmetric_quantize]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=53, type=__mul__]; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=54, type=linear]; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=55, type=symmetric_quantize]; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=56, type=cat]; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=57, type=view]; -"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=58, type=cat]; -"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=59, type=cat]; -"60 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=60, type=view]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=61, type=cat]; -"62 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=62, type=view]; -"63 /nncf_model_output_0" [id=63, type=nncf_model_output]; -"64 /nncf_model_output_1" [id=64, type=nncf_model_output]; -"65 /nncf_model_output_2" [id=65, type=nncf_model_output]; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=48, type=__add__]; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=49, type=tanh]; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=50, type=symmetric_quantize]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=51, type=__mul__]; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=52, type=linear]; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=53, type=symmetric_quantize]; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=54, type=cat]; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=55, type=view]; +"56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=56, type=cat]; +"57 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=57, type=cat]; +"58 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=58, type=view]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=59, type=cat]; +"60 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=60, type=view]; +"61 /nncf_model_output_0" [id=61, type=nncf_model_output]; +"62 /nncf_model_output_1" [id=62, type=nncf_model_output]; +"63 /nncf_model_output_2" [id=63, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "65 /nncf_model_output_2"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "63 /nncf_model_output_0"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"62 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "64 /nncf_model_output_1"; +"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "63 /nncf_model_output_2"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "61 /nncf_model_output_0"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"60 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "62 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_bi_stacked.dot b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_bi_stacked.dot index e628b5f05c5..babaaca0fcb 100644 --- a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_bi_stacked.dot +++ b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_bi_stacked.dot @@ -12,262 +12,254 @@ strict digraph { "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=11, type=symmetric_quantize]; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=13, type=symmetric_quantize]; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=15, type=symmetric_quantize]; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=17, type=symmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=19, type=symmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=21, type=symmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=24, type=symmetric_quantize]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=26, type=linear]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=27, type=symmetric_quantize]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=28, type=cat]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=29, type=view]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=30, type=symmetric_quantize]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=31, type=linear]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=32, type=symmetric_quantize]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=33, type=symmetric_quantize]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=34, type=linear]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=35, type=symmetric_quantize]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=36, type=__add__]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=37, type=chunk]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=38, type=sigmoid]; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=39, type=symmetric_quantize]; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=40, type=sigmoid]; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=14, type=symmetric_quantize]; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=16, type=symmetric_quantize]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=18, type=symmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=20, type=symmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=23, type=symmetric_quantize]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=25, type=linear]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=26, type=symmetric_quantize]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=27, type=cat]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=28, type=view]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=29, type=symmetric_quantize]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=30, type=linear]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=31, type=symmetric_quantize]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=32, type=symmetric_quantize]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=33, type=linear]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=34, type=symmetric_quantize]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=35, type=__add__]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=36, type=chunk]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=37, type=sigmoid]; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=38, type=symmetric_quantize]; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=39, type=sigmoid]; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=40, type=tanh]; "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=41, type=symmetric_quantize]; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=42, type=tanh]; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=42, type=sigmoid]; "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=43, type=symmetric_quantize]; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=44, type=sigmoid]; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=44, type=__mul__]; "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=45, type=symmetric_quantize]; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=46, type=__mul__]; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=46, type=__mul__]; "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=47, type=symmetric_quantize]; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=48, type=__mul__]; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=49, type=symmetric_quantize]; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=50, type=__add__]; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=51, type=tanh]; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=52, type=symmetric_quantize]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=53, type=__mul__]; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=54, type=linear]; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=55, type=symmetric_quantize]; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=56, type=cat]; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=57, type=view]; -"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=58, type=cat]; -"59 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" [id=59, type=symmetric_quantize]; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=60, type=symmetric_quantize]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=61, type=linear]; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=62, type=symmetric_quantize]; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=63, type=symmetric_quantize]; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=64, type=linear]; -"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=65, type=symmetric_quantize]; -"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" [id=66, type=__add__]; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" [id=67, type=chunk]; -"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=68, type=sigmoid]; -"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=69, type=symmetric_quantize]; -"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=70, type=sigmoid]; -"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=71, type=symmetric_quantize]; -"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" [id=72, type=tanh]; -"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=73, type=symmetric_quantize]; -"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=74, type=sigmoid]; -"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=75, type=symmetric_quantize]; -"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" [id=76, type=__mul__]; -"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=77, type=symmetric_quantize]; -"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" [id=78, type=__mul__]; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=48, type=__add__]; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=49, type=tanh]; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=50, type=symmetric_quantize]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=51, type=__mul__]; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=52, type=linear]; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=53, type=symmetric_quantize]; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=54, type=cat]; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=55, type=view]; +"56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=56, type=cat]; +"57 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" [id=57, type=symmetric_quantize]; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=58, type=symmetric_quantize]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=59, type=linear]; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=60, type=symmetric_quantize]; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=61, type=symmetric_quantize]; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=62, type=linear]; +"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=63, type=symmetric_quantize]; +"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" [id=64, type=__add__]; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" [id=65, type=chunk]; +"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=66, type=sigmoid]; +"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=67, type=symmetric_quantize]; +"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=68, type=sigmoid]; +"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" [id=69, type=tanh]; +"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=70, type=symmetric_quantize]; +"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=71, type=sigmoid]; +"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=72, type=symmetric_quantize]; +"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" [id=73, type=__mul__]; +"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=74, type=symmetric_quantize]; +"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" [id=75, type=__mul__]; +"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=76, type=symmetric_quantize]; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" [id=77, type=__add__]; +"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" [id=78, type=tanh]; "79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=79, type=symmetric_quantize]; -"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" [id=80, type=__add__]; -"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" [id=81, type=tanh]; -"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=82, type=symmetric_quantize]; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" [id=83, type=__mul__]; -"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=84, type=linear]; -"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=85, type=symmetric_quantize]; -"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [id=86, type=cat]; -"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" [id=87, type=view]; -"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=88, type=symmetric_quantize]; -"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=89, type=linear]; -"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=90, type=symmetric_quantize]; -"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=91, type=symmetric_quantize]; -"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=92, type=linear]; -"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=93, type=symmetric_quantize]; -"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" [id=94, type=__add__]; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" [id=95, type=chunk]; -"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=96, type=sigmoid]; -"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=97, type=symmetric_quantize]; -"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=98, type=sigmoid]; -"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=99, type=symmetric_quantize]; -"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" [id=100, type=tanh]; -"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=101, type=symmetric_quantize]; -"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=102, type=sigmoid]; -"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=103, type=symmetric_quantize]; -"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" [id=104, type=__mul__]; -"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=105, type=symmetric_quantize]; -"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" [id=106, type=__mul__]; -"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=107, type=symmetric_quantize]; -"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" [id=108, type=__add__]; -"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" [id=109, type=tanh]; -"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=110, type=symmetric_quantize]; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" [id=111, type=__mul__]; -"112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=112, type=linear]; -"113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=113, type=symmetric_quantize]; -"114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [id=114, type=cat]; -"115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" [id=115, type=view]; -"116 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=116, type=cat]; -"117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=117, type=cat]; -"118 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=118, type=view]; -"119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=119, type=cat]; -"120 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=120, type=view]; -"121 /nncf_model_output_0" [id=121, type=nncf_model_output]; -"122 /nncf_model_output_1" [id=122, type=nncf_model_output]; -"123 /nncf_model_output_2" [id=123, type=nncf_model_output]; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" [id=80, type=__mul__]; +"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=81, type=linear]; +"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=82, type=symmetric_quantize]; +"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [id=83, type=cat]; +"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" [id=84, type=view]; +"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=85, type=symmetric_quantize]; +"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=86, type=linear]; +"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=87, type=symmetric_quantize]; +"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=88, type=symmetric_quantize]; +"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=89, type=linear]; +"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=90, type=symmetric_quantize]; +"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" [id=91, type=__add__]; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" [id=92, type=chunk]; +"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=93, type=sigmoid]; +"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=94, type=symmetric_quantize]; +"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=95, type=sigmoid]; +"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" [id=96, type=tanh]; +"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=97, type=symmetric_quantize]; +"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=98, type=sigmoid]; +"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=99, type=symmetric_quantize]; +"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" [id=100, type=__mul__]; +"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=101, type=symmetric_quantize]; +"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" [id=102, type=__mul__]; +"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=103, type=symmetric_quantize]; +"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" [id=104, type=__add__]; +"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" [id=105, type=tanh]; +"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=106, type=symmetric_quantize]; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" [id=107, type=__mul__]; +"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=108, type=linear]; +"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=109, type=symmetric_quantize]; +"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [id=110, type=cat]; +"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" [id=111, type=view]; +"112 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=112, type=cat]; +"113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=113, type=cat]; +"114 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=114, type=view]; +"115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=115, type=cat]; +"116 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=116, type=view]; +"117 /nncf_model_output_0" [id=117, type=nncf_model_output]; +"118 /nncf_model_output_1" [id=118, type=nncf_model_output]; +"119 /nncf_model_output_2" [id=119, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; -"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; -"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0"; -"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" -> "73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; -"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; -"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" -> "77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; -"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" -> "79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; -"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1"; -"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" -> "82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" -> "87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0"; -"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" -> "116 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; -"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; -"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; -"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" -> "95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; -"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0"; -"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" -> "101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; -"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; -"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" -> "105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; -"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" -> "107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; -"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1"; -"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" -> "110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0"; -"115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" -> "116 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; -"116 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "123 /nncf_model_output_2"; -"117 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "118 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"118 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "121 /nncf_model_output_0"; -"119 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "120 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"120 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "122 /nncf_model_output_1"; +"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; +"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; +"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0"; +"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" -> "70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; +"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; +"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" -> "74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; +"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" -> "76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1"; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" -> "79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" -> "84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0"; +"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; +"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; +"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; +"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" -> "92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; +"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0"; +"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" -> "97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; +"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; +"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" -> "101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; +"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" -> "103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; +"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1"; +"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" -> "106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" -> "111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0"; +"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; +"112 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "119 /nncf_model_output_2"; +"113 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "114 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"114 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "117 /nncf_model_output_0"; +"115 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "116 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"116 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "118 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_cell.dot b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_cell.dot index 3d2f2097475..35f2c733ec6 100644 --- a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_cell.dot +++ b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_cell.dot @@ -12,21 +12,20 @@ strict digraph { "10 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=11, type=symmetric_quantize]; "12 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=13, type=symmetric_quantize]; -"14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=15, type=symmetric_quantize]; -"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=17, type=symmetric_quantize]; -"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=19, type=symmetric_quantize]; -"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=21, type=symmetric_quantize]; -"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=24, type=symmetric_quantize]; -"25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 /nncf_model_output_0" [id=26, type=nncf_model_output]; -"27 /nncf_model_output_1" [id=27, type=nncf_model_output]; +"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=14, type=symmetric_quantize]; +"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=16, type=symmetric_quantize]; +"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=18, type=symmetric_quantize]; +"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=20, type=symmetric_quantize]; +"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=23, type=symmetric_quantize]; +"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 /nncf_model_output_0" [id=25, type=nncf_model_output]; +"26 /nncf_model_output_1" [id=26, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "3 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "3 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; @@ -38,23 +37,22 @@ strict digraph { "8 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___0" -> "9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0"; "9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"11 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; -"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; -"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "27 /nncf_model_output_1"; -"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 /nncf_model_output_0"; +"11 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; +"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; +"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "26 /nncf_model_output_1"; +"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 /nncf_model_output_0"; } diff --git a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_uni_seq.dot b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_uni_seq.dot index 0fcb464e8a3..9d38196ebfb 100644 --- a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_uni_seq.dot +++ b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_uni_seq.dot @@ -12,70 +12,68 @@ strict digraph { "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=11, type=symmetric_quantize]; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=13, type=symmetric_quantize]; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=15, type=symmetric_quantize]; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=17, type=symmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=19, type=symmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=21, type=symmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=24, type=symmetric_quantize]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=26, type=linear]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=27, type=symmetric_quantize]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=28, type=cat]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=29, type=view]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=30, type=cat]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=31, type=cat]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=32, type=view]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=33, type=cat]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=34, type=view]; -"35 /nncf_model_output_0" [id=35, type=nncf_model_output]; -"36 /nncf_model_output_1" [id=36, type=nncf_model_output]; -"37 /nncf_model_output_2" [id=37, type=nncf_model_output]; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=14, type=symmetric_quantize]; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=16, type=symmetric_quantize]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=18, type=symmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=20, type=symmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=23, type=symmetric_quantize]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=25, type=linear]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=26, type=symmetric_quantize]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=27, type=cat]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=28, type=view]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=29, type=cat]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=30, type=cat]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=31, type=view]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=32, type=cat]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=33, type=view]; +"34 /nncf_model_output_0" [id=34, type=nncf_model_output]; +"35 /nncf_model_output_1" [id=35, type=nncf_model_output]; +"36 /nncf_model_output_2" [id=36, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "37 /nncf_model_output_2"; -"31 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "35 /nncf_model_output_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "36 /nncf_model_output_1"; +"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "36 /nncf_model_output_2"; +"30 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "34 /nncf_model_output_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "35 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_uni_stacked.dot b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_uni_stacked.dot index cdc8e0e6995..3adfb2df79b 100644 --- a/tests/torch/data/reference_graphs/quantized/symmetric/lstm_uni_stacked.dot +++ b/tests/torch/data/reference_graphs/quantized/symmetric/lstm_uni_stacked.dot @@ -12,136 +12,132 @@ strict digraph { "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=10, type=sigmoid]; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=11, type=symmetric_quantize]; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=12, type=sigmoid]; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=13, type=symmetric_quantize]; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=14, type=tanh]; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=15, type=symmetric_quantize]; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=17, type=symmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=18, type=__mul__]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=19, type=symmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=20, type=__mul__]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=21, type=symmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=22, type=__add__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=23, type=tanh]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=24, type=symmetric_quantize]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=25, type=__mul__]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=26, type=linear]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=27, type=symmetric_quantize]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=28, type=cat]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=29, type=view]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=30, type=cat]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" [id=31, type=symmetric_quantize]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=32, type=symmetric_quantize]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=33, type=linear]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=34, type=symmetric_quantize]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=35, type=symmetric_quantize]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=36, type=linear]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=37, type=symmetric_quantize]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=38, type=__add__]; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=39, type=chunk]; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=40, type=sigmoid]; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=41, type=symmetric_quantize]; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=42, type=sigmoid]; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=13, type=tanh]; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=14, type=symmetric_quantize]; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=15, type=sigmoid]; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=16, type=symmetric_quantize]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=17, type=__mul__]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=18, type=symmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=19, type=__mul__]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=20, type=symmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=21, type=__add__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=22, type=tanh]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=23, type=symmetric_quantize]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=24, type=__mul__]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=25, type=linear]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=26, type=symmetric_quantize]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=27, type=cat]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=28, type=view]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=29, type=cat]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" [id=30, type=symmetric_quantize]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=31, type=symmetric_quantize]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=32, type=linear]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=33, type=symmetric_quantize]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=34, type=symmetric_quantize]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=35, type=linear]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=36, type=symmetric_quantize]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=37, type=__add__]; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=38, type=chunk]; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=39, type=sigmoid]; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=40, type=symmetric_quantize]; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=41, type=sigmoid]; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=42, type=tanh]; "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=43, type=symmetric_quantize]; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=44, type=tanh]; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=44, type=sigmoid]; "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=45, type=symmetric_quantize]; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=46, type=sigmoid]; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=46, type=__mul__]; "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=47, type=symmetric_quantize]; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=48, type=__mul__]; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=48, type=__mul__]; "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=49, type=symmetric_quantize]; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=50, type=__mul__]; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=51, type=symmetric_quantize]; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=52, type=__add__]; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=53, type=tanh]; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=54, type=symmetric_quantize]; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=55, type=__mul__]; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=56, type=linear]; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=57, type=symmetric_quantize]; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=58, type=cat]; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=59, type=view]; -"60 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=60, type=cat]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=61, type=cat]; -"62 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=62, type=view]; -"63 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=63, type=cat]; -"64 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=64, type=view]; -"65 /nncf_model_output_0" [id=65, type=nncf_model_output]; -"66 /nncf_model_output_1" [id=66, type=nncf_model_output]; -"67 /nncf_model_output_2" [id=67, type=nncf_model_output]; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=50, type=__add__]; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=51, type=tanh]; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=52, type=symmetric_quantize]; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=53, type=__mul__]; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=54, type=linear]; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=55, type=symmetric_quantize]; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=56, type=cat]; +"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=57, type=view]; +"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=58, type=cat]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=59, type=cat]; +"60 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=60, type=view]; +"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=61, type=cat]; +"62 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=62, type=view]; +"63 /nncf_model_output_0" [id=63, type=nncf_model_output]; +"64 /nncf_model_output_1" [id=64, type=nncf_model_output]; +"65 /nncf_model_output_2" [id=65, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "6 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0"; -"31 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "67 /nncf_model_output_2"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"62 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "65 /nncf_model_output_0"; -"63 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"64 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "66 /nncf_model_output_1"; +"11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0"; +"30 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "65 /nncf_model_output_2"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"60 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "63 /nncf_model_output_0"; +"61 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"62 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "64 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized/synthetic_model/ConvolutionWithMinModel.dot b/tests/torch/data/reference_graphs/quantized/synthetic_model/ConvolutionWithMinModel.dot new file mode 100644 index 00000000000..9bcc79d93ec --- /dev/null +++ b/tests/torch/data/reference_graphs/quantized/synthetic_model/ConvolutionWithMinModel.dot @@ -0,0 +1,11 @@ +strict digraph { +"0 /nncf_model_input_0" [id=0, type=nncf_model_input]; +"1 SymmetricQuantizer/symmetric_quantize_0" [id=1, type=symmetric_quantize]; +"2 ConvolutionWithMinModel/conv2d_0" [id=2, type=conv2d]; +"3 ConvolutionWithMinModel/minimum_0" [id=3, type=minimum]; +"4 /nncf_model_output_0" [id=4, type=nncf_model_output]; +"0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "2 ConvolutionWithMinModel/conv2d_0"; +"2 ConvolutionWithMinModel/conv2d_0" -> "3 ConvolutionWithMinModel/minimum_0"; +"3 ConvolutionWithMinModel/minimum_0" -> "4 /nncf_model_output_0"; +} diff --git a/tests/torch/data/reference_graphs/quantized/synthetic_model/min.dot b/tests/torch/data/reference_graphs/quantized/synthetic_model/min.dot deleted file mode 100644 index b39a51cfca9..00000000000 --- a/tests/torch/data/reference_graphs/quantized/synthetic_model/min.dot +++ /dev/null @@ -1,9 +0,0 @@ -strict digraph { -"0 /nncf_model_input_0" [id=0, type=nncf_model_input]; -"1 SymmetricQuantizer/symmetric_quantize_0" [id=1, type=symmetric_quantize]; -"2 TestModel/min_0" [id=2, type=min]; -"3 /nncf_model_output_0" [id=3, type=nncf_model_output]; -"0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "2 TestModel/min_0"; -"2 TestModel/min_0" -> "3 /nncf_model_output_0"; -} diff --git a/tests/torch/data/reference_graphs/quantized_rb_sparsity/inception_v3.dot b/tests/torch/data/reference_graphs/quantized_rb_sparsity/inception_v3.dot index 7dc1f3469ba..c6de45da7ca 100644 --- a/tests/torch/data/reference_graphs/quantized_rb_sparsity/inception_v3.dot +++ b/tests/torch/data/reference_graphs/quantized_rb_sparsity/inception_v3.dot @@ -4,1485 +4,1479 @@ strict digraph { "2 Inception3/__getitem___0" [id=2, type=__getitem__]; "3 Inception3/unsqueeze_0" [id=3, type=unsqueeze]; "4 Inception3/__mul___0" [id=4, type=__mul__]; -"5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___0|OUTPUT]/symmetric_quantize_0" [id=5, type=symmetric_quantize]; -"6 Inception3/__add___0" [id=6, type=__add__]; -"7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" [id=7, type=symmetric_quantize]; -"8 Inception3/__getitem___1" [id=8, type=__getitem__]; -"9 Inception3/unsqueeze_1" [id=9, type=unsqueeze]; -"10 Inception3/__mul___1" [id=10, type=__mul__]; -"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___1|OUTPUT]/symmetric_quantize_0" [id=11, type=symmetric_quantize]; -"12 Inception3/__add___1" [id=12, type=__add__]; -"13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" [id=13, type=symmetric_quantize]; -"14 Inception3/__getitem___2" [id=14, type=__getitem__]; -"15 Inception3/unsqueeze_2" [id=15, type=unsqueeze]; -"16 Inception3/__mul___2" [id=16, type=__mul__]; -"17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___2|OUTPUT]/symmetric_quantize_0" [id=17, type=symmetric_quantize]; -"18 Inception3/__add___2" [id=18, type=__add__]; -"19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" [id=19, type=symmetric_quantize]; -"20 Inception3/cat_0" [id=20, type=cat]; -"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=21, type=calc_rb_binary_mask]; -"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=22, type=apply_binary_mask]; -"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=23, type=symmetric_quantize]; -"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=24, type=conv2d]; -"25 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=25, type=batch_norm]; -"26 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" [id=26, type=relu_]; -"27 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=27, type=symmetric_quantize]; -"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=28, type=calc_rb_binary_mask]; -"29 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=29, type=apply_binary_mask]; -"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=30, type=symmetric_quantize]; -"31 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=31, type=conv2d]; -"32 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=32, type=batch_norm]; -"33 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" [id=33, type=relu_]; -"34 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=34, type=symmetric_quantize]; -"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=35, type=calc_rb_binary_mask]; -"36 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=36, type=apply_binary_mask]; -"37 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=37, type=symmetric_quantize]; -"38 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" [id=38, type=conv2d]; -"39 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=39, type=batch_norm]; -"40 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" [id=40, type=relu_]; -"41 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=41, type=symmetric_quantize]; -"42 Inception3/max_pool2d_0" [id=42, type=max_pool2d]; -"43 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=43, type=calc_rb_binary_mask]; -"44 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=44, type=apply_binary_mask]; -"45 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=45, type=symmetric_quantize]; -"46 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" [id=46, type=conv2d]; -"47 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=47, type=batch_norm]; -"48 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" [id=48, type=relu_]; -"49 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=49, type=symmetric_quantize]; -"50 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=50, type=calc_rb_binary_mask]; -"51 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=51, type=apply_binary_mask]; -"52 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=52, type=symmetric_quantize]; -"53 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=53, type=conv2d]; -"54 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=54, type=batch_norm]; -"55 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" [id=55, type=relu_]; -"56 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=56, type=symmetric_quantize]; -"57 Inception3/max_pool2d_1" [id=57, type=max_pool2d]; -"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=58, type=calc_rb_binary_mask]; -"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=59, type=apply_binary_mask]; -"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=60, type=symmetric_quantize]; -"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=61, type=conv2d]; -"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=62, type=batch_norm]; -"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" [id=63, type=relu_]; -"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=64, type=symmetric_quantize]; -"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=65, type=calc_rb_binary_mask]; -"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=66, type=apply_binary_mask]; -"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=67, type=symmetric_quantize]; -"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=68, type=conv2d]; -"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=69, type=batch_norm]; -"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" [id=70, type=relu_]; -"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=71, type=symmetric_quantize]; -"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=72, type=calc_rb_binary_mask]; -"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=73, type=apply_binary_mask]; -"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=74, type=symmetric_quantize]; -"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=75, type=conv2d]; -"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=76, type=batch_norm]; -"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" [id=77, type=relu_]; -"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=78, type=symmetric_quantize]; -"79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=79, type=calc_rb_binary_mask]; -"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=80, type=apply_binary_mask]; -"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=81, type=symmetric_quantize]; -"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=82, type=conv2d]; -"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=83, type=batch_norm]; -"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=84, type=relu_]; -"85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=85, type=symmetric_quantize]; -"86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=86, type=calc_rb_binary_mask]; -"87 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=87, type=apply_binary_mask]; -"88 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=88, type=symmetric_quantize]; -"89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=89, type=conv2d]; -"90 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=90, type=batch_norm]; -"91 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=91, type=relu_]; -"92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=92, type=symmetric_quantize]; -"93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=93, type=calc_rb_binary_mask]; -"94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=94, type=apply_binary_mask]; -"95 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=95, type=symmetric_quantize]; -"96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=96, type=conv2d]; -"97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=97, type=batch_norm]; -"98 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=98, type=relu_]; -"99 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=99, type=symmetric_quantize]; -"100 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" [id=100, type=avg_pool2d]; -"101 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" [id=101, type=symmetric_quantize]; -"102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=102, type=calc_rb_binary_mask]; -"103 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=103, type=apply_binary_mask]; -"104 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=104, type=symmetric_quantize]; -"105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=105, type=conv2d]; -"106 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=106, type=batch_norm]; -"107 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" [id=107, type=relu_]; -"108 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=108, type=symmetric_quantize]; -"109 Inception3/InceptionA[Mixed_5b]/cat_0" [id=109, type=cat]; -"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=110, type=calc_rb_binary_mask]; -"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=111, type=apply_binary_mask]; -"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=112, type=symmetric_quantize]; -"113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=113, type=conv2d]; -"114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=114, type=batch_norm]; -"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" [id=115, type=relu_]; -"116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=116, type=symmetric_quantize]; -"117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=117, type=calc_rb_binary_mask]; -"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=118, type=apply_binary_mask]; -"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=119, type=symmetric_quantize]; -"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=120, type=conv2d]; -"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=121, type=batch_norm]; -"122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" [id=122, type=relu_]; -"123 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=123, type=symmetric_quantize]; -"124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=124, type=calc_rb_binary_mask]; -"125 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=125, type=apply_binary_mask]; -"126 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=126, type=symmetric_quantize]; -"127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=127, type=conv2d]; -"128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=128, type=batch_norm]; -"129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" [id=129, type=relu_]; -"130 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=130, type=symmetric_quantize]; -"131 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=131, type=calc_rb_binary_mask]; -"132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=132, type=apply_binary_mask]; -"133 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=133, type=symmetric_quantize]; -"134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=134, type=conv2d]; -"135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=135, type=batch_norm]; -"136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=136, type=relu_]; -"137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=137, type=symmetric_quantize]; -"138 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=138, type=calc_rb_binary_mask]; -"139 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=139, type=apply_binary_mask]; -"140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=140, type=symmetric_quantize]; -"141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=141, type=conv2d]; -"142 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=142, type=batch_norm]; -"143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=143, type=relu_]; -"144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=144, type=symmetric_quantize]; -"145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=145, type=calc_rb_binary_mask]; -"146 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=146, type=apply_binary_mask]; -"147 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=147, type=symmetric_quantize]; -"148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=148, type=conv2d]; -"149 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=149, type=batch_norm]; -"150 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=150, type=relu_]; -"151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=151, type=symmetric_quantize]; -"152 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" [id=152, type=avg_pool2d]; -"153 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" [id=153, type=symmetric_quantize]; -"154 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=154, type=calc_rb_binary_mask]; -"155 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=155, type=apply_binary_mask]; -"156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=156, type=symmetric_quantize]; -"157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=157, type=conv2d]; -"158 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=158, type=batch_norm]; -"159 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" [id=159, type=relu_]; -"160 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=160, type=symmetric_quantize]; -"161 Inception3/InceptionA[Mixed_5c]/cat_0" [id=161, type=cat]; -"162 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=162, type=calc_rb_binary_mask]; -"163 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=163, type=apply_binary_mask]; -"164 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=164, type=symmetric_quantize]; -"165 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=165, type=conv2d]; -"166 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=166, type=batch_norm]; -"167 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" [id=167, type=relu_]; -"168 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=168, type=symmetric_quantize]; -"169 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=169, type=calc_rb_binary_mask]; -"170 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=170, type=apply_binary_mask]; -"171 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=171, type=symmetric_quantize]; -"172 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=172, type=conv2d]; -"173 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=173, type=batch_norm]; -"174 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" [id=174, type=relu_]; -"175 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=175, type=symmetric_quantize]; -"176 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=176, type=calc_rb_binary_mask]; -"177 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=177, type=apply_binary_mask]; -"178 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=178, type=symmetric_quantize]; -"179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=179, type=conv2d]; -"180 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=180, type=batch_norm]; -"181 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" [id=181, type=relu_]; -"182 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=182, type=symmetric_quantize]; -"183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=183, type=calc_rb_binary_mask]; -"184 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=184, type=apply_binary_mask]; -"185 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=185, type=symmetric_quantize]; -"186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=186, type=conv2d]; -"187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=187, type=batch_norm]; -"188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=188, type=relu_]; -"189 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=189, type=symmetric_quantize]; -"190 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=190, type=calc_rb_binary_mask]; -"191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=191, type=apply_binary_mask]; -"192 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=192, type=symmetric_quantize]; -"193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=193, type=conv2d]; -"194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=194, type=batch_norm]; -"195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=195, type=relu_]; -"196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=196, type=symmetric_quantize]; -"197 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=197, type=calc_rb_binary_mask]; -"198 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=198, type=apply_binary_mask]; -"199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=199, type=symmetric_quantize]; -"200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=200, type=conv2d]; -"201 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=201, type=batch_norm]; -"202 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=202, type=relu_]; -"203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=203, type=symmetric_quantize]; -"204 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" [id=204, type=avg_pool2d]; -"205 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" [id=205, type=symmetric_quantize]; -"206 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=206, type=calc_rb_binary_mask]; -"207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=207, type=apply_binary_mask]; -"208 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=208, type=symmetric_quantize]; -"209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=209, type=conv2d]; -"210 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=210, type=batch_norm]; -"211 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" [id=211, type=relu_]; -"212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=212, type=symmetric_quantize]; -"213 Inception3/InceptionA[Mixed_5d]/cat_0" [id=213, type=cat]; -"214 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=214, type=calc_rb_binary_mask]; -"215 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=215, type=apply_binary_mask]; -"216 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=216, type=symmetric_quantize]; -"217 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" [id=217, type=conv2d]; -"218 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=218, type=batch_norm]; -"219 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" [id=219, type=relu_]; -"220 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=220, type=symmetric_quantize]; -"221 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=221, type=calc_rb_binary_mask]; -"222 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=222, type=apply_binary_mask]; -"223 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=223, type=symmetric_quantize]; -"224 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=224, type=conv2d]; -"225 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=225, type=batch_norm]; -"226 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=226, type=relu_]; -"227 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=227, type=symmetric_quantize]; -"228 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=228, type=calc_rb_binary_mask]; -"229 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=229, type=apply_binary_mask]; -"230 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=230, type=symmetric_quantize]; -"231 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=231, type=conv2d]; -"232 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=232, type=batch_norm]; -"233 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=233, type=relu_]; -"234 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=234, type=symmetric_quantize]; -"235 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=235, type=calc_rb_binary_mask]; -"236 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=236, type=apply_binary_mask]; -"237 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=237, type=symmetric_quantize]; -"238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=238, type=conv2d]; -"239 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=239, type=batch_norm]; -"240 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=240, type=relu_]; -"241 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=241, type=symmetric_quantize]; -"242 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" [id=242, type=max_pool2d]; -"243 Inception3/InceptionB[Mixed_6a]/cat_0" [id=243, type=cat]; -"244 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=244, type=calc_rb_binary_mask]; -"245 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=245, type=apply_binary_mask]; -"246 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=246, type=symmetric_quantize]; -"247 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=247, type=conv2d]; -"248 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=248, type=batch_norm]; -"249 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" [id=249, type=relu_]; -"250 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=250, type=symmetric_quantize]; -"251 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=251, type=calc_rb_binary_mask]; -"252 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=252, type=apply_binary_mask]; -"253 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=253, type=symmetric_quantize]; -"254 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=254, type=conv2d]; -"255 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=255, type=batch_norm]; -"256 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" [id=256, type=relu_]; -"257 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=257, type=symmetric_quantize]; -"258 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=258, type=calc_rb_binary_mask]; -"259 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=259, type=apply_binary_mask]; -"260 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=260, type=symmetric_quantize]; -"261 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=261, type=conv2d]; -"262 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=262, type=batch_norm]; -"263 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" [id=263, type=relu_]; -"264 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=264, type=symmetric_quantize]; -"265 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=265, type=calc_rb_binary_mask]; -"266 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=266, type=apply_binary_mask]; -"267 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=267, type=symmetric_quantize]; -"268 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=268, type=conv2d]; -"269 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=269, type=batch_norm]; -"270 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" [id=270, type=relu_]; -"271 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=271, type=symmetric_quantize]; -"272 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=272, type=calc_rb_binary_mask]; -"273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=273, type=apply_binary_mask]; -"274 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=274, type=symmetric_quantize]; -"275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=275, type=conv2d]; -"276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=276, type=batch_norm]; -"277 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=277, type=relu_]; -"278 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=278, type=symmetric_quantize]; -"279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=279, type=calc_rb_binary_mask]; -"280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=280, type=apply_binary_mask]; -"281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=281, type=symmetric_quantize]; -"282 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=282, type=conv2d]; -"283 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=283, type=batch_norm]; -"284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=284, type=relu_]; -"285 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=285, type=symmetric_quantize]; -"286 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=286, type=calc_rb_binary_mask]; -"287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=287, type=apply_binary_mask]; -"288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=288, type=symmetric_quantize]; -"289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=289, type=conv2d]; -"290 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=290, type=batch_norm]; -"291 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=291, type=relu_]; -"292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=292, type=symmetric_quantize]; -"293 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=293, type=calc_rb_binary_mask]; -"294 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=294, type=apply_binary_mask]; -"295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=295, type=symmetric_quantize]; -"296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=296, type=conv2d]; -"297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=297, type=batch_norm]; -"298 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=298, type=relu_]; -"299 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=299, type=symmetric_quantize]; -"300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=300, type=calc_rb_binary_mask]; -"301 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=301, type=apply_binary_mask]; -"302 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=302, type=symmetric_quantize]; -"303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=303, type=conv2d]; -"304 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=304, type=batch_norm]; -"305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=305, type=relu_]; -"306 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=306, type=symmetric_quantize]; -"307 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" [id=307, type=avg_pool2d]; -"308 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" [id=308, type=symmetric_quantize]; -"309 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=309, type=calc_rb_binary_mask]; -"310 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=310, type=apply_binary_mask]; -"311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=311, type=symmetric_quantize]; -"312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=312, type=conv2d]; -"313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=313, type=batch_norm]; -"314 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" [id=314, type=relu_]; -"315 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=315, type=symmetric_quantize]; -"316 Inception3/InceptionC[Mixed_6b]/cat_0" [id=316, type=cat]; -"317 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=317, type=calc_rb_binary_mask]; -"318 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=318, type=apply_binary_mask]; -"319 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=319, type=symmetric_quantize]; -"320 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=320, type=conv2d]; -"321 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=321, type=batch_norm]; -"322 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" [id=322, type=relu_]; -"323 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=323, type=symmetric_quantize]; -"324 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=324, type=calc_rb_binary_mask]; -"325 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=325, type=apply_binary_mask]; -"326 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=326, type=symmetric_quantize]; -"327 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=327, type=conv2d]; -"328 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=328, type=batch_norm]; -"329 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" [id=329, type=relu_]; -"330 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=330, type=symmetric_quantize]; -"331 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=331, type=calc_rb_binary_mask]; -"332 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=332, type=apply_binary_mask]; -"333 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=333, type=symmetric_quantize]; -"334 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=334, type=conv2d]; -"335 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=335, type=batch_norm]; -"336 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" [id=336, type=relu_]; -"337 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=337, type=symmetric_quantize]; -"338 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=338, type=calc_rb_binary_mask]; -"339 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=339, type=apply_binary_mask]; -"340 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=340, type=symmetric_quantize]; -"341 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=341, type=conv2d]; -"342 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=342, type=batch_norm]; -"343 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" [id=343, type=relu_]; -"344 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=344, type=symmetric_quantize]; -"345 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=345, type=calc_rb_binary_mask]; -"346 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=346, type=apply_binary_mask]; -"347 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=347, type=symmetric_quantize]; -"348 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=348, type=conv2d]; -"349 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=349, type=batch_norm]; -"350 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=350, type=relu_]; -"351 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=351, type=symmetric_quantize]; -"352 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=352, type=calc_rb_binary_mask]; -"353 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=353, type=apply_binary_mask]; -"354 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=354, type=symmetric_quantize]; -"355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=355, type=conv2d]; -"356 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=356, type=batch_norm]; -"357 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=357, type=relu_]; -"358 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=358, type=symmetric_quantize]; -"359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=359, type=calc_rb_binary_mask]; -"360 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=360, type=apply_binary_mask]; -"361 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=361, type=symmetric_quantize]; -"362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=362, type=conv2d]; -"363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=363, type=batch_norm]; -"364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=364, type=relu_]; -"365 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=365, type=symmetric_quantize]; -"366 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=366, type=calc_rb_binary_mask]; -"367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=367, type=apply_binary_mask]; -"368 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=368, type=symmetric_quantize]; -"369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=369, type=conv2d]; -"370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=370, type=batch_norm]; -"371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=371, type=relu_]; -"372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=372, type=symmetric_quantize]; -"373 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=373, type=calc_rb_binary_mask]; -"374 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=374, type=apply_binary_mask]; -"375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=375, type=symmetric_quantize]; -"376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=376, type=conv2d]; -"377 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=377, type=batch_norm]; -"378 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=378, type=relu_]; -"379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=379, type=symmetric_quantize]; -"380 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" [id=380, type=avg_pool2d]; -"381 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" [id=381, type=symmetric_quantize]; -"382 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=382, type=calc_rb_binary_mask]; -"383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=383, type=apply_binary_mask]; -"384 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=384, type=symmetric_quantize]; -"385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=385, type=conv2d]; -"386 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=386, type=batch_norm]; -"387 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" [id=387, type=relu_]; -"388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=388, type=symmetric_quantize]; -"389 Inception3/InceptionC[Mixed_6c]/cat_0" [id=389, type=cat]; -"390 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=390, type=calc_rb_binary_mask]; -"391 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=391, type=apply_binary_mask]; -"392 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=392, type=symmetric_quantize]; -"393 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=393, type=conv2d]; -"394 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=394, type=batch_norm]; -"395 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" [id=395, type=relu_]; -"396 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=396, type=symmetric_quantize]; -"397 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=397, type=calc_rb_binary_mask]; -"398 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=398, type=apply_binary_mask]; -"399 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=399, type=symmetric_quantize]; -"400 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=400, type=conv2d]; -"401 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=401, type=batch_norm]; -"402 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" [id=402, type=relu_]; -"403 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=403, type=symmetric_quantize]; -"404 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=404, type=calc_rb_binary_mask]; -"405 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=405, type=apply_binary_mask]; -"406 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=406, type=symmetric_quantize]; -"407 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=407, type=conv2d]; -"408 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=408, type=batch_norm]; -"409 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" [id=409, type=relu_]; -"410 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=410, type=symmetric_quantize]; -"411 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=411, type=calc_rb_binary_mask]; -"412 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=412, type=apply_binary_mask]; -"413 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=413, type=symmetric_quantize]; -"414 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=414, type=conv2d]; -"415 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=415, type=batch_norm]; -"416 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" [id=416, type=relu_]; -"417 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=417, type=symmetric_quantize]; -"418 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=418, type=calc_rb_binary_mask]; -"419 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=419, type=apply_binary_mask]; -"420 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=420, type=symmetric_quantize]; -"421 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=421, type=conv2d]; -"422 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=422, type=batch_norm]; -"423 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=423, type=relu_]; -"424 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=424, type=symmetric_quantize]; -"425 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=425, type=calc_rb_binary_mask]; -"426 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=426, type=apply_binary_mask]; -"427 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=427, type=symmetric_quantize]; -"428 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=428, type=conv2d]; -"429 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=429, type=batch_norm]; -"430 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=430, type=relu_]; -"431 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=431, type=symmetric_quantize]; -"432 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=432, type=calc_rb_binary_mask]; -"433 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=433, type=apply_binary_mask]; -"434 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=434, type=symmetric_quantize]; -"435 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=435, type=conv2d]; -"436 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=436, type=batch_norm]; -"437 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=437, type=relu_]; -"438 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=438, type=symmetric_quantize]; -"439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=439, type=calc_rb_binary_mask]; -"440 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=440, type=apply_binary_mask]; -"441 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=441, type=symmetric_quantize]; -"442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=442, type=conv2d]; -"443 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=443, type=batch_norm]; -"444 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=444, type=relu_]; -"445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=445, type=symmetric_quantize]; -"446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=446, type=calc_rb_binary_mask]; -"447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=447, type=apply_binary_mask]; -"448 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=448, type=symmetric_quantize]; -"449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=449, type=conv2d]; -"450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=450, type=batch_norm]; -"451 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=451, type=relu_]; -"452 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=452, type=symmetric_quantize]; -"453 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" [id=453, type=avg_pool2d]; -"454 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" [id=454, type=symmetric_quantize]; -"455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=455, type=calc_rb_binary_mask]; -"456 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=456, type=apply_binary_mask]; -"457 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=457, type=symmetric_quantize]; -"458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=458, type=conv2d]; -"459 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=459, type=batch_norm]; -"460 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" [id=460, type=relu_]; -"461 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=461, type=symmetric_quantize]; -"462 Inception3/InceptionC[Mixed_6d]/cat_0" [id=462, type=cat]; -"463 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=463, type=calc_rb_binary_mask]; -"464 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=464, type=apply_binary_mask]; -"465 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=465, type=symmetric_quantize]; -"466 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=466, type=conv2d]; -"467 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=467, type=batch_norm]; -"468 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" [id=468, type=relu_]; -"469 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=469, type=symmetric_quantize]; -"470 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=470, type=calc_rb_binary_mask]; -"471 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=471, type=apply_binary_mask]; -"472 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=472, type=symmetric_quantize]; -"473 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=473, type=conv2d]; -"474 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=474, type=batch_norm]; -"475 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" [id=475, type=relu_]; -"476 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=476, type=symmetric_quantize]; -"477 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=477, type=calc_rb_binary_mask]; -"478 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=478, type=apply_binary_mask]; -"479 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=479, type=symmetric_quantize]; -"480 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=480, type=conv2d]; -"481 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=481, type=batch_norm]; -"482 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" [id=482, type=relu_]; -"483 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=483, type=symmetric_quantize]; -"484 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=484, type=calc_rb_binary_mask]; -"485 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=485, type=apply_binary_mask]; -"486 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=486, type=symmetric_quantize]; -"487 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=487, type=conv2d]; -"488 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=488, type=batch_norm]; -"489 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" [id=489, type=relu_]; -"490 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=490, type=symmetric_quantize]; -"491 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=491, type=calc_rb_binary_mask]; -"492 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=492, type=apply_binary_mask]; -"493 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=493, type=symmetric_quantize]; -"494 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=494, type=conv2d]; -"495 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=495, type=batch_norm]; -"496 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=496, type=relu_]; -"497 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=497, type=symmetric_quantize]; -"498 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=498, type=calc_rb_binary_mask]; -"499 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=499, type=apply_binary_mask]; -"500 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=500, type=symmetric_quantize]; -"501 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=501, type=conv2d]; -"502 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=502, type=batch_norm]; -"503 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=503, type=relu_]; -"504 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=504, type=symmetric_quantize]; -"505 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=505, type=calc_rb_binary_mask]; -"506 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=506, type=apply_binary_mask]; -"507 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=507, type=symmetric_quantize]; -"508 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=508, type=conv2d]; -"509 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=509, type=batch_norm]; -"510 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=510, type=relu_]; -"511 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=511, type=symmetric_quantize]; -"512 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=512, type=calc_rb_binary_mask]; -"513 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=513, type=apply_binary_mask]; -"514 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=514, type=symmetric_quantize]; -"515 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=515, type=conv2d]; -"516 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=516, type=batch_norm]; -"517 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=517, type=relu_]; -"518 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=518, type=symmetric_quantize]; -"519 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=519, type=calc_rb_binary_mask]; -"520 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=520, type=apply_binary_mask]; -"521 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=521, type=symmetric_quantize]; -"522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=522, type=conv2d]; -"523 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=523, type=batch_norm]; -"524 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=524, type=relu_]; -"525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=525, type=symmetric_quantize]; -"526 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" [id=526, type=avg_pool2d]; -"527 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" [id=527, type=symmetric_quantize]; -"528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=528, type=calc_rb_binary_mask]; -"529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=529, type=apply_binary_mask]; -"530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=530, type=symmetric_quantize]; -"531 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=531, type=conv2d]; -"532 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=532, type=batch_norm]; -"533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" [id=533, type=relu_]; -"534 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=534, type=symmetric_quantize]; -"535 Inception3/InceptionC[Mixed_6e]/cat_0" [id=535, type=cat]; -"536 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=536, type=calc_rb_binary_mask]; -"537 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=537, type=apply_binary_mask]; -"538 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=538, type=symmetric_quantize]; -"539 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=539, type=conv2d]; -"540 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=540, type=batch_norm]; -"541 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" [id=541, type=relu_]; -"542 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=542, type=symmetric_quantize]; -"543 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=543, type=calc_rb_binary_mask]; -"544 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=544, type=apply_binary_mask]; -"545 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=545, type=symmetric_quantize]; -"546 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" [id=546, type=conv2d]; -"547 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=547, type=batch_norm]; -"548 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" [id=548, type=relu_]; -"549 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=549, type=symmetric_quantize]; -"550 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=550, type=calc_rb_binary_mask]; -"551 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=551, type=apply_binary_mask]; -"552 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=552, type=symmetric_quantize]; -"553 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" [id=553, type=conv2d]; -"554 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=554, type=batch_norm]; -"555 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" [id=555, type=relu_]; -"556 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=556, type=symmetric_quantize]; -"557 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=557, type=calc_rb_binary_mask]; -"558 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=558, type=apply_binary_mask]; -"559 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=559, type=symmetric_quantize]; -"560 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" [id=560, type=conv2d]; -"561 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=561, type=batch_norm]; -"562 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" [id=562, type=relu_]; -"563 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=563, type=symmetric_quantize]; -"564 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=564, type=calc_rb_binary_mask]; -"565 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=565, type=apply_binary_mask]; -"566 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=566, type=symmetric_quantize]; -"567 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" [id=567, type=conv2d]; -"568 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=568, type=batch_norm]; -"569 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" [id=569, type=relu_]; -"570 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" [id=570, type=symmetric_quantize]; -"571 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=571, type=calc_rb_binary_mask]; -"572 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=572, type=apply_binary_mask]; -"573 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=573, type=symmetric_quantize]; -"574 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" [id=574, type=conv2d]; -"575 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=575, type=batch_norm]; -"576 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" [id=576, type=relu_]; -"577 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" [id=577, type=symmetric_quantize]; -"578 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" [id=578, type=max_pool2d]; -"579 Inception3/InceptionD[Mixed_7a]/cat_0" [id=579, type=cat]; -"580 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=580, type=calc_rb_binary_mask]; -"581 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=581, type=apply_binary_mask]; -"582 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=582, type=symmetric_quantize]; -"583 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=583, type=conv2d]; -"584 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=584, type=batch_norm]; -"585 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" [id=585, type=relu_]; -"586 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=586, type=symmetric_quantize]; -"587 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=587, type=calc_rb_binary_mask]; -"588 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=588, type=apply_binary_mask]; -"589 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=589, type=symmetric_quantize]; -"590 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=590, type=conv2d]; -"591 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=591, type=batch_norm]; -"592 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" [id=592, type=relu_]; -"593 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=593, type=symmetric_quantize]; -"594 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=594, type=calc_rb_binary_mask]; -"595 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=595, type=apply_binary_mask]; -"596 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=596, type=symmetric_quantize]; -"597 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=597, type=conv2d]; -"598 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=598, type=batch_norm]; -"599 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" [id=599, type=relu_]; -"600 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=600, type=symmetric_quantize]; -"601 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=601, type=calc_rb_binary_mask]; -"602 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=602, type=apply_binary_mask]; -"603 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=603, type=symmetric_quantize]; -"604 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=604, type=conv2d]; -"605 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=605, type=batch_norm]; -"606 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" [id=606, type=relu_]; -"607 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=607, type=symmetric_quantize]; -"608 Inception3/InceptionE[Mixed_7b]/cat_0" [id=608, type=cat]; -"609 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=609, type=calc_rb_binary_mask]; -"610 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=610, type=apply_binary_mask]; -"611 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=611, type=symmetric_quantize]; -"612 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=612, type=conv2d]; -"613 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=613, type=batch_norm]; -"614 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=614, type=relu_]; -"615 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=615, type=symmetric_quantize]; -"616 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=616, type=calc_rb_binary_mask]; -"617 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=617, type=apply_binary_mask]; -"618 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=618, type=symmetric_quantize]; -"619 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=619, type=conv2d]; -"620 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=620, type=batch_norm]; -"621 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=621, type=relu_]; -"622 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=622, type=symmetric_quantize]; -"623 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=623, type=calc_rb_binary_mask]; -"624 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=624, type=apply_binary_mask]; -"625 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=625, type=symmetric_quantize]; -"626 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=626, type=conv2d]; -"627 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=627, type=batch_norm]; -"628 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=628, type=relu_]; -"629 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=629, type=symmetric_quantize]; -"630 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=630, type=calc_rb_binary_mask]; -"631 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=631, type=apply_binary_mask]; -"632 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=632, type=symmetric_quantize]; -"633 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=633, type=conv2d]; -"634 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=634, type=batch_norm]; -"635 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=635, type=relu_]; -"636 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=636, type=symmetric_quantize]; -"637 Inception3/InceptionE[Mixed_7b]/cat_1" [id=637, type=cat]; -"638 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" [id=638, type=avg_pool2d]; -"639 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" [id=639, type=symmetric_quantize]; -"640 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=640, type=calc_rb_binary_mask]; -"641 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=641, type=apply_binary_mask]; -"642 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=642, type=symmetric_quantize]; -"643 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=643, type=conv2d]; -"644 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=644, type=batch_norm]; -"645 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" [id=645, type=relu_]; -"646 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=646, type=symmetric_quantize]; -"647 Inception3/InceptionE[Mixed_7b]/cat_2" [id=647, type=cat]; -"648 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=648, type=calc_rb_binary_mask]; -"649 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=649, type=apply_binary_mask]; -"650 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=650, type=symmetric_quantize]; -"651 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=651, type=conv2d]; -"652 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=652, type=batch_norm]; -"653 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" [id=653, type=relu_]; -"654 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=654, type=symmetric_quantize]; -"655 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=655, type=calc_rb_binary_mask]; -"656 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=656, type=apply_binary_mask]; -"657 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=657, type=symmetric_quantize]; -"658 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=658, type=conv2d]; -"659 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=659, type=batch_norm]; -"660 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" [id=660, type=relu_]; -"661 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=661, type=symmetric_quantize]; -"662 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=662, type=calc_rb_binary_mask]; -"663 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=663, type=apply_binary_mask]; -"664 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=664, type=symmetric_quantize]; -"665 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=665, type=conv2d]; -"666 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=666, type=batch_norm]; -"667 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" [id=667, type=relu_]; -"668 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=668, type=symmetric_quantize]; -"669 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=669, type=calc_rb_binary_mask]; -"670 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=670, type=apply_binary_mask]; -"671 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=671, type=symmetric_quantize]; -"672 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=672, type=conv2d]; -"673 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=673, type=batch_norm]; -"674 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" [id=674, type=relu_]; -"675 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=675, type=symmetric_quantize]; -"676 Inception3/InceptionE[Mixed_7c]/cat_0" [id=676, type=cat]; -"677 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=677, type=calc_rb_binary_mask]; -"678 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=678, type=apply_binary_mask]; -"679 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=679, type=symmetric_quantize]; -"680 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=680, type=conv2d]; -"681 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=681, type=batch_norm]; -"682 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=682, type=relu_]; -"683 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=683, type=symmetric_quantize]; -"684 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=684, type=calc_rb_binary_mask]; -"685 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=685, type=apply_binary_mask]; -"686 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=686, type=symmetric_quantize]; -"687 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=687, type=conv2d]; -"688 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=688, type=batch_norm]; -"689 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=689, type=relu_]; -"690 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=690, type=symmetric_quantize]; -"691 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=691, type=calc_rb_binary_mask]; -"692 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=692, type=apply_binary_mask]; -"693 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=693, type=symmetric_quantize]; -"694 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=694, type=conv2d]; -"695 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=695, type=batch_norm]; -"696 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=696, type=relu_]; -"697 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=697, type=symmetric_quantize]; -"698 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=698, type=calc_rb_binary_mask]; -"699 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=699, type=apply_binary_mask]; -"700 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=700, type=symmetric_quantize]; -"701 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=701, type=conv2d]; -"702 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=702, type=batch_norm]; -"703 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=703, type=relu_]; -"704 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=704, type=symmetric_quantize]; -"705 Inception3/InceptionE[Mixed_7c]/cat_1" [id=705, type=cat]; -"706 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" [id=706, type=avg_pool2d]; -"707 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" [id=707, type=symmetric_quantize]; -"708 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=708, type=calc_rb_binary_mask]; -"709 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=709, type=apply_binary_mask]; -"710 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=710, type=symmetric_quantize]; -"711 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=711, type=conv2d]; -"712 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=712, type=batch_norm]; -"713 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" [id=713, type=relu_]; -"714 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=714, type=symmetric_quantize]; -"715 Inception3/InceptionE[Mixed_7c]/cat_2" [id=715, type=cat]; -"716 Inception3/adaptive_avg_pool2d_0" [id=716, type=adaptive_avg_pool2d]; -"717 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" [id=717, type=symmetric_quantize]; -"718 Inception3/dropout_0" [id=718, type=dropout]; -"719 Inception3/view_0" [id=719, type=view]; -"720 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=720, type=calc_rb_binary_mask]; -"721 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=721, type=apply_binary_mask]; -"722 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=722, type=symmetric_quantize]; -"723 Inception3/NNCFLinear[fc]/linear_0" [id=723, type=linear]; -"724 /nncf_model_output_0" [id=724, type=nncf_model_output]; +"5 Inception3/__add___0" [id=5, type=__add__]; +"6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" [id=6, type=symmetric_quantize]; +"7 Inception3/__getitem___1" [id=7, type=__getitem__]; +"8 Inception3/unsqueeze_1" [id=8, type=unsqueeze]; +"9 Inception3/__mul___1" [id=9, type=__mul__]; +"10 Inception3/__add___1" [id=10, type=__add__]; +"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" [id=11, type=symmetric_quantize]; +"12 Inception3/__getitem___2" [id=12, type=__getitem__]; +"13 Inception3/unsqueeze_2" [id=13, type=unsqueeze]; +"14 Inception3/__mul___2" [id=14, type=__mul__]; +"15 Inception3/__add___2" [id=15, type=__add__]; +"16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" [id=16, type=symmetric_quantize]; +"17 Inception3/cat_0" [id=17, type=cat]; +"18 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=18, type=calc_rb_binary_mask]; +"19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=19, type=apply_binary_mask]; +"20 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=20, type=symmetric_quantize]; +"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=21, type=conv2d]; +"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=22, type=batch_norm]; +"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" [id=23, type=relu_]; +"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=24, type=symmetric_quantize]; +"25 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=25, type=calc_rb_binary_mask]; +"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=26, type=apply_binary_mask]; +"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=27, type=symmetric_quantize]; +"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=28, type=conv2d]; +"29 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=29, type=batch_norm]; +"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" [id=30, type=relu_]; +"31 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=31, type=symmetric_quantize]; +"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=32, type=calc_rb_binary_mask]; +"33 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=33, type=apply_binary_mask]; +"34 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=34, type=symmetric_quantize]; +"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" [id=35, type=conv2d]; +"36 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=36, type=batch_norm]; +"37 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" [id=37, type=relu_]; +"38 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=38, type=symmetric_quantize]; +"39 Inception3/max_pool2d_0" [id=39, type=max_pool2d]; +"40 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=40, type=calc_rb_binary_mask]; +"41 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=41, type=apply_binary_mask]; +"42 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=42, type=symmetric_quantize]; +"43 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" [id=43, type=conv2d]; +"44 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=44, type=batch_norm]; +"45 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" [id=45, type=relu_]; +"46 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=46, type=symmetric_quantize]; +"47 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=47, type=calc_rb_binary_mask]; +"48 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=48, type=apply_binary_mask]; +"49 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=49, type=symmetric_quantize]; +"50 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" [id=50, type=conv2d]; +"51 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=51, type=batch_norm]; +"52 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" [id=52, type=relu_]; +"53 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=53, type=symmetric_quantize]; +"54 Inception3/max_pool2d_1" [id=54, type=max_pool2d]; +"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=55, type=calc_rb_binary_mask]; +"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=56, type=apply_binary_mask]; +"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=57, type=symmetric_quantize]; +"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=58, type=conv2d]; +"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=59, type=batch_norm]; +"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" [id=60, type=relu_]; +"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=61, type=symmetric_quantize]; +"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=62, type=calc_rb_binary_mask]; +"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=63, type=apply_binary_mask]; +"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=64, type=symmetric_quantize]; +"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=65, type=conv2d]; +"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=66, type=batch_norm]; +"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" [id=67, type=relu_]; +"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=68, type=symmetric_quantize]; +"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=69, type=calc_rb_binary_mask]; +"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=70, type=apply_binary_mask]; +"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=71, type=symmetric_quantize]; +"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=72, type=conv2d]; +"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=73, type=batch_norm]; +"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" [id=74, type=relu_]; +"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=75, type=symmetric_quantize]; +"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=76, type=calc_rb_binary_mask]; +"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=77, type=apply_binary_mask]; +"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=78, type=symmetric_quantize]; +"79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=79, type=conv2d]; +"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=80, type=batch_norm]; +"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=81, type=relu_]; +"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=82, type=symmetric_quantize]; +"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=83, type=calc_rb_binary_mask]; +"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=84, type=apply_binary_mask]; +"85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=85, type=symmetric_quantize]; +"86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=86, type=conv2d]; +"87 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=87, type=batch_norm]; +"88 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=88, type=relu_]; +"89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=89, type=symmetric_quantize]; +"90 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=90, type=calc_rb_binary_mask]; +"91 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=91, type=apply_binary_mask]; +"92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=92, type=symmetric_quantize]; +"93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=93, type=conv2d]; +"94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=94, type=batch_norm]; +"95 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=95, type=relu_]; +"96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=96, type=symmetric_quantize]; +"97 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" [id=97, type=avg_pool2d]; +"98 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" [id=98, type=symmetric_quantize]; +"99 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=99, type=calc_rb_binary_mask]; +"100 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=100, type=apply_binary_mask]; +"101 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=101, type=symmetric_quantize]; +"102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=102, type=conv2d]; +"103 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=103, type=batch_norm]; +"104 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" [id=104, type=relu_]; +"105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=105, type=symmetric_quantize]; +"106 Inception3/InceptionA[Mixed_5b]/cat_0" [id=106, type=cat]; +"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=107, type=calc_rb_binary_mask]; +"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=108, type=apply_binary_mask]; +"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=109, type=symmetric_quantize]; +"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=110, type=conv2d]; +"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=111, type=batch_norm]; +"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" [id=112, type=relu_]; +"113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=113, type=symmetric_quantize]; +"114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=114, type=calc_rb_binary_mask]; +"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=115, type=apply_binary_mask]; +"116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=116, type=symmetric_quantize]; +"117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=117, type=conv2d]; +"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=118, type=batch_norm]; +"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" [id=119, type=relu_]; +"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=120, type=symmetric_quantize]; +"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=121, type=calc_rb_binary_mask]; +"122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=122, type=apply_binary_mask]; +"123 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=123, type=symmetric_quantize]; +"124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=124, type=conv2d]; +"125 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=125, type=batch_norm]; +"126 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" [id=126, type=relu_]; +"127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=127, type=symmetric_quantize]; +"128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=128, type=calc_rb_binary_mask]; +"129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=129, type=apply_binary_mask]; +"130 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=130, type=symmetric_quantize]; +"131 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=131, type=conv2d]; +"132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=132, type=batch_norm]; +"133 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=133, type=relu_]; +"134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=134, type=symmetric_quantize]; +"135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=135, type=calc_rb_binary_mask]; +"136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=136, type=apply_binary_mask]; +"137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=137, type=symmetric_quantize]; +"138 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=138, type=conv2d]; +"139 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=139, type=batch_norm]; +"140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=140, type=relu_]; +"141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=141, type=symmetric_quantize]; +"142 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=142, type=calc_rb_binary_mask]; +"143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=143, type=apply_binary_mask]; +"144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=144, type=symmetric_quantize]; +"145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=145, type=conv2d]; +"146 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=146, type=batch_norm]; +"147 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=147, type=relu_]; +"148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=148, type=symmetric_quantize]; +"149 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" [id=149, type=avg_pool2d]; +"150 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" [id=150, type=symmetric_quantize]; +"151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=151, type=calc_rb_binary_mask]; +"152 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=152, type=apply_binary_mask]; +"153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=153, type=symmetric_quantize]; +"154 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=154, type=conv2d]; +"155 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=155, type=batch_norm]; +"156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" [id=156, type=relu_]; +"157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=157, type=symmetric_quantize]; +"158 Inception3/InceptionA[Mixed_5c]/cat_0" [id=158, type=cat]; +"159 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=159, type=calc_rb_binary_mask]; +"160 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=160, type=apply_binary_mask]; +"161 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=161, type=symmetric_quantize]; +"162 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=162, type=conv2d]; +"163 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=163, type=batch_norm]; +"164 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" [id=164, type=relu_]; +"165 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=165, type=symmetric_quantize]; +"166 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=166, type=calc_rb_binary_mask]; +"167 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=167, type=apply_binary_mask]; +"168 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=168, type=symmetric_quantize]; +"169 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" [id=169, type=conv2d]; +"170 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=170, type=batch_norm]; +"171 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" [id=171, type=relu_]; +"172 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" [id=172, type=symmetric_quantize]; +"173 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=173, type=calc_rb_binary_mask]; +"174 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=174, type=apply_binary_mask]; +"175 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=175, type=symmetric_quantize]; +"176 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" [id=176, type=conv2d]; +"177 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=177, type=batch_norm]; +"178 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" [id=178, type=relu_]; +"179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" [id=179, type=symmetric_quantize]; +"180 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=180, type=calc_rb_binary_mask]; +"181 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=181, type=apply_binary_mask]; +"182 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=182, type=symmetric_quantize]; +"183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=183, type=conv2d]; +"184 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=184, type=batch_norm]; +"185 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=185, type=relu_]; +"186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=186, type=symmetric_quantize]; +"187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=187, type=calc_rb_binary_mask]; +"188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=188, type=apply_binary_mask]; +"189 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=189, type=symmetric_quantize]; +"190 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=190, type=conv2d]; +"191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=191, type=batch_norm]; +"192 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=192, type=relu_]; +"193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=193, type=symmetric_quantize]; +"194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=194, type=calc_rb_binary_mask]; +"195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=195, type=apply_binary_mask]; +"196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=196, type=symmetric_quantize]; +"197 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=197, type=conv2d]; +"198 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=198, type=batch_norm]; +"199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=199, type=relu_]; +"200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=200, type=symmetric_quantize]; +"201 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" [id=201, type=avg_pool2d]; +"202 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" [id=202, type=symmetric_quantize]; +"203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=203, type=calc_rb_binary_mask]; +"204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=204, type=apply_binary_mask]; +"205 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=205, type=symmetric_quantize]; +"206 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=206, type=conv2d]; +"207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=207, type=batch_norm]; +"208 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" [id=208, type=relu_]; +"209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=209, type=symmetric_quantize]; +"210 Inception3/InceptionA[Mixed_5d]/cat_0" [id=210, type=cat]; +"211 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=211, type=calc_rb_binary_mask]; +"212 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=212, type=apply_binary_mask]; +"213 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=213, type=symmetric_quantize]; +"214 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" [id=214, type=conv2d]; +"215 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=215, type=batch_norm]; +"216 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" [id=216, type=relu_]; +"217 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" [id=217, type=symmetric_quantize]; +"218 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=218, type=calc_rb_binary_mask]; +"219 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=219, type=apply_binary_mask]; +"220 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=220, type=symmetric_quantize]; +"221 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=221, type=conv2d]; +"222 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=222, type=batch_norm]; +"223 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=223, type=relu_]; +"224 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=224, type=symmetric_quantize]; +"225 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=225, type=calc_rb_binary_mask]; +"226 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=226, type=apply_binary_mask]; +"227 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=227, type=symmetric_quantize]; +"228 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=228, type=conv2d]; +"229 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=229, type=batch_norm]; +"230 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=230, type=relu_]; +"231 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=231, type=symmetric_quantize]; +"232 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=232, type=calc_rb_binary_mask]; +"233 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=233, type=apply_binary_mask]; +"234 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=234, type=symmetric_quantize]; +"235 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=235, type=conv2d]; +"236 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=236, type=batch_norm]; +"237 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" [id=237, type=relu_]; +"238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=238, type=symmetric_quantize]; +"239 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" [id=239, type=max_pool2d]; +"240 Inception3/InceptionB[Mixed_6a]/cat_0" [id=240, type=cat]; +"241 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=241, type=calc_rb_binary_mask]; +"242 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=242, type=apply_binary_mask]; +"243 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=243, type=symmetric_quantize]; +"244 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=244, type=conv2d]; +"245 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=245, type=batch_norm]; +"246 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" [id=246, type=relu_]; +"247 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=247, type=symmetric_quantize]; +"248 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=248, type=calc_rb_binary_mask]; +"249 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=249, type=apply_binary_mask]; +"250 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=250, type=symmetric_quantize]; +"251 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=251, type=conv2d]; +"252 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=252, type=batch_norm]; +"253 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" [id=253, type=relu_]; +"254 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=254, type=symmetric_quantize]; +"255 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=255, type=calc_rb_binary_mask]; +"256 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=256, type=apply_binary_mask]; +"257 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=257, type=symmetric_quantize]; +"258 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=258, type=conv2d]; +"259 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=259, type=batch_norm]; +"260 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" [id=260, type=relu_]; +"261 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=261, type=symmetric_quantize]; +"262 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=262, type=calc_rb_binary_mask]; +"263 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=263, type=apply_binary_mask]; +"264 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=264, type=symmetric_quantize]; +"265 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=265, type=conv2d]; +"266 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=266, type=batch_norm]; +"267 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" [id=267, type=relu_]; +"268 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=268, type=symmetric_quantize]; +"269 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=269, type=calc_rb_binary_mask]; +"270 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=270, type=apply_binary_mask]; +"271 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=271, type=symmetric_quantize]; +"272 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=272, type=conv2d]; +"273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=273, type=batch_norm]; +"274 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=274, type=relu_]; +"275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=275, type=symmetric_quantize]; +"276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=276, type=calc_rb_binary_mask]; +"277 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=277, type=apply_binary_mask]; +"278 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=278, type=symmetric_quantize]; +"279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=279, type=conv2d]; +"280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=280, type=batch_norm]; +"281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=281, type=relu_]; +"282 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=282, type=symmetric_quantize]; +"283 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=283, type=calc_rb_binary_mask]; +"284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=284, type=apply_binary_mask]; +"285 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=285, type=symmetric_quantize]; +"286 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=286, type=conv2d]; +"287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=287, type=batch_norm]; +"288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=288, type=relu_]; +"289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=289, type=symmetric_quantize]; +"290 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=290, type=calc_rb_binary_mask]; +"291 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=291, type=apply_binary_mask]; +"292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=292, type=symmetric_quantize]; +"293 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=293, type=conv2d]; +"294 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=294, type=batch_norm]; +"295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=295, type=relu_]; +"296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=296, type=symmetric_quantize]; +"297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=297, type=calc_rb_binary_mask]; +"298 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=298, type=apply_binary_mask]; +"299 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=299, type=symmetric_quantize]; +"300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=300, type=conv2d]; +"301 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=301, type=batch_norm]; +"302 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=302, type=relu_]; +"303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=303, type=symmetric_quantize]; +"304 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" [id=304, type=avg_pool2d]; +"305 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" [id=305, type=symmetric_quantize]; +"306 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=306, type=calc_rb_binary_mask]; +"307 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=307, type=apply_binary_mask]; +"308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=308, type=symmetric_quantize]; +"309 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=309, type=conv2d]; +"310 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=310, type=batch_norm]; +"311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" [id=311, type=relu_]; +"312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=312, type=symmetric_quantize]; +"313 Inception3/InceptionC[Mixed_6b]/cat_0" [id=313, type=cat]; +"314 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=314, type=calc_rb_binary_mask]; +"315 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=315, type=apply_binary_mask]; +"316 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=316, type=symmetric_quantize]; +"317 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=317, type=conv2d]; +"318 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=318, type=batch_norm]; +"319 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" [id=319, type=relu_]; +"320 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=320, type=symmetric_quantize]; +"321 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=321, type=calc_rb_binary_mask]; +"322 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=322, type=apply_binary_mask]; +"323 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=323, type=symmetric_quantize]; +"324 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=324, type=conv2d]; +"325 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=325, type=batch_norm]; +"326 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" [id=326, type=relu_]; +"327 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=327, type=symmetric_quantize]; +"328 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=328, type=calc_rb_binary_mask]; +"329 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=329, type=apply_binary_mask]; +"330 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=330, type=symmetric_quantize]; +"331 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=331, type=conv2d]; +"332 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=332, type=batch_norm]; +"333 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" [id=333, type=relu_]; +"334 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=334, type=symmetric_quantize]; +"335 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=335, type=calc_rb_binary_mask]; +"336 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=336, type=apply_binary_mask]; +"337 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=337, type=symmetric_quantize]; +"338 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=338, type=conv2d]; +"339 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=339, type=batch_norm]; +"340 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" [id=340, type=relu_]; +"341 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=341, type=symmetric_quantize]; +"342 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=342, type=calc_rb_binary_mask]; +"343 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=343, type=apply_binary_mask]; +"344 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=344, type=symmetric_quantize]; +"345 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=345, type=conv2d]; +"346 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=346, type=batch_norm]; +"347 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=347, type=relu_]; +"348 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=348, type=symmetric_quantize]; +"349 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=349, type=calc_rb_binary_mask]; +"350 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=350, type=apply_binary_mask]; +"351 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=351, type=symmetric_quantize]; +"352 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=352, type=conv2d]; +"353 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=353, type=batch_norm]; +"354 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=354, type=relu_]; +"355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=355, type=symmetric_quantize]; +"356 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=356, type=calc_rb_binary_mask]; +"357 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=357, type=apply_binary_mask]; +"358 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=358, type=symmetric_quantize]; +"359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=359, type=conv2d]; +"360 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=360, type=batch_norm]; +"361 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=361, type=relu_]; +"362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=362, type=symmetric_quantize]; +"363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=363, type=calc_rb_binary_mask]; +"364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=364, type=apply_binary_mask]; +"365 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=365, type=symmetric_quantize]; +"366 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=366, type=conv2d]; +"367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=367, type=batch_norm]; +"368 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=368, type=relu_]; +"369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=369, type=symmetric_quantize]; +"370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=370, type=calc_rb_binary_mask]; +"371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=371, type=apply_binary_mask]; +"372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=372, type=symmetric_quantize]; +"373 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=373, type=conv2d]; +"374 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=374, type=batch_norm]; +"375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=375, type=relu_]; +"376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=376, type=symmetric_quantize]; +"377 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" [id=377, type=avg_pool2d]; +"378 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" [id=378, type=symmetric_quantize]; +"379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=379, type=calc_rb_binary_mask]; +"380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=380, type=apply_binary_mask]; +"381 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=381, type=symmetric_quantize]; +"382 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=382, type=conv2d]; +"383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=383, type=batch_norm]; +"384 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" [id=384, type=relu_]; +"385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=385, type=symmetric_quantize]; +"386 Inception3/InceptionC[Mixed_6c]/cat_0" [id=386, type=cat]; +"387 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=387, type=calc_rb_binary_mask]; +"388 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=388, type=apply_binary_mask]; +"389 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=389, type=symmetric_quantize]; +"390 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=390, type=conv2d]; +"391 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=391, type=batch_norm]; +"392 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" [id=392, type=relu_]; +"393 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=393, type=symmetric_quantize]; +"394 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=394, type=calc_rb_binary_mask]; +"395 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=395, type=apply_binary_mask]; +"396 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=396, type=symmetric_quantize]; +"397 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=397, type=conv2d]; +"398 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=398, type=batch_norm]; +"399 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" [id=399, type=relu_]; +"400 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=400, type=symmetric_quantize]; +"401 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=401, type=calc_rb_binary_mask]; +"402 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=402, type=apply_binary_mask]; +"403 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=403, type=symmetric_quantize]; +"404 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=404, type=conv2d]; +"405 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=405, type=batch_norm]; +"406 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" [id=406, type=relu_]; +"407 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=407, type=symmetric_quantize]; +"408 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=408, type=calc_rb_binary_mask]; +"409 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=409, type=apply_binary_mask]; +"410 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=410, type=symmetric_quantize]; +"411 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=411, type=conv2d]; +"412 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=412, type=batch_norm]; +"413 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" [id=413, type=relu_]; +"414 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=414, type=symmetric_quantize]; +"415 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=415, type=calc_rb_binary_mask]; +"416 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=416, type=apply_binary_mask]; +"417 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=417, type=symmetric_quantize]; +"418 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=418, type=conv2d]; +"419 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=419, type=batch_norm]; +"420 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=420, type=relu_]; +"421 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=421, type=symmetric_quantize]; +"422 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=422, type=calc_rb_binary_mask]; +"423 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=423, type=apply_binary_mask]; +"424 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=424, type=symmetric_quantize]; +"425 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=425, type=conv2d]; +"426 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=426, type=batch_norm]; +"427 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=427, type=relu_]; +"428 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=428, type=symmetric_quantize]; +"429 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=429, type=calc_rb_binary_mask]; +"430 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=430, type=apply_binary_mask]; +"431 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=431, type=symmetric_quantize]; +"432 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=432, type=conv2d]; +"433 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=433, type=batch_norm]; +"434 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=434, type=relu_]; +"435 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=435, type=symmetric_quantize]; +"436 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=436, type=calc_rb_binary_mask]; +"437 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=437, type=apply_binary_mask]; +"438 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=438, type=symmetric_quantize]; +"439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=439, type=conv2d]; +"440 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=440, type=batch_norm]; +"441 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=441, type=relu_]; +"442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=442, type=symmetric_quantize]; +"443 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=443, type=calc_rb_binary_mask]; +"444 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=444, type=apply_binary_mask]; +"445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=445, type=symmetric_quantize]; +"446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=446, type=conv2d]; +"447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=447, type=batch_norm]; +"448 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=448, type=relu_]; +"449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=449, type=symmetric_quantize]; +"450 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" [id=450, type=avg_pool2d]; +"451 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" [id=451, type=symmetric_quantize]; +"452 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=452, type=calc_rb_binary_mask]; +"453 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=453, type=apply_binary_mask]; +"454 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=454, type=symmetric_quantize]; +"455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=455, type=conv2d]; +"456 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=456, type=batch_norm]; +"457 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" [id=457, type=relu_]; +"458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=458, type=symmetric_quantize]; +"459 Inception3/InceptionC[Mixed_6d]/cat_0" [id=459, type=cat]; +"460 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=460, type=calc_rb_binary_mask]; +"461 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=461, type=apply_binary_mask]; +"462 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=462, type=symmetric_quantize]; +"463 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=463, type=conv2d]; +"464 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=464, type=batch_norm]; +"465 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" [id=465, type=relu_]; +"466 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=466, type=symmetric_quantize]; +"467 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=467, type=calc_rb_binary_mask]; +"468 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=468, type=apply_binary_mask]; +"469 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=469, type=symmetric_quantize]; +"470 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" [id=470, type=conv2d]; +"471 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=471, type=batch_norm]; +"472 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" [id=472, type=relu_]; +"473 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" [id=473, type=symmetric_quantize]; +"474 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=474, type=calc_rb_binary_mask]; +"475 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=475, type=apply_binary_mask]; +"476 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=476, type=symmetric_quantize]; +"477 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" [id=477, type=conv2d]; +"478 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=478, type=batch_norm]; +"479 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" [id=479, type=relu_]; +"480 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" [id=480, type=symmetric_quantize]; +"481 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=481, type=calc_rb_binary_mask]; +"482 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=482, type=apply_binary_mask]; +"483 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=483, type=symmetric_quantize]; +"484 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" [id=484, type=conv2d]; +"485 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=485, type=batch_norm]; +"486 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" [id=486, type=relu_]; +"487 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" [id=487, type=symmetric_quantize]; +"488 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=488, type=calc_rb_binary_mask]; +"489 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=489, type=apply_binary_mask]; +"490 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=490, type=symmetric_quantize]; +"491 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=491, type=conv2d]; +"492 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=492, type=batch_norm]; +"493 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" [id=493, type=relu_]; +"494 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=494, type=symmetric_quantize]; +"495 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=495, type=calc_rb_binary_mask]; +"496 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=496, type=apply_binary_mask]; +"497 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=497, type=symmetric_quantize]; +"498 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=498, type=conv2d]; +"499 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=499, type=batch_norm]; +"500 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" [id=500, type=relu_]; +"501 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=501, type=symmetric_quantize]; +"502 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=502, type=calc_rb_binary_mask]; +"503 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=503, type=apply_binary_mask]; +"504 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=504, type=symmetric_quantize]; +"505 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" [id=505, type=conv2d]; +"506 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=506, type=batch_norm]; +"507 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" [id=507, type=relu_]; +"508 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" [id=508, type=symmetric_quantize]; +"509 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=509, type=calc_rb_binary_mask]; +"510 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=510, type=apply_binary_mask]; +"511 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=511, type=symmetric_quantize]; +"512 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" [id=512, type=conv2d]; +"513 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=513, type=batch_norm]; +"514 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" [id=514, type=relu_]; +"515 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" [id=515, type=symmetric_quantize]; +"516 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=516, type=calc_rb_binary_mask]; +"517 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=517, type=apply_binary_mask]; +"518 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=518, type=symmetric_quantize]; +"519 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" [id=519, type=conv2d]; +"520 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=520, type=batch_norm]; +"521 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" [id=521, type=relu_]; +"522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" [id=522, type=symmetric_quantize]; +"523 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" [id=523, type=avg_pool2d]; +"524 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" [id=524, type=symmetric_quantize]; +"525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=525, type=calc_rb_binary_mask]; +"526 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=526, type=apply_binary_mask]; +"527 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=527, type=symmetric_quantize]; +"528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=528, type=conv2d]; +"529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=529, type=batch_norm]; +"530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" [id=530, type=relu_]; +"531 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=531, type=symmetric_quantize]; +"532 Inception3/InceptionC[Mixed_6e]/cat_0" [id=532, type=cat]; +"533 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=533, type=calc_rb_binary_mask]; +"534 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=534, type=apply_binary_mask]; +"535 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=535, type=symmetric_quantize]; +"536 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=536, type=conv2d]; +"537 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=537, type=batch_norm]; +"538 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" [id=538, type=relu_]; +"539 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=539, type=symmetric_quantize]; +"540 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=540, type=calc_rb_binary_mask]; +"541 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=541, type=apply_binary_mask]; +"542 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=542, type=symmetric_quantize]; +"543 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" [id=543, type=conv2d]; +"544 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=544, type=batch_norm]; +"545 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" [id=545, type=relu_]; +"546 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=546, type=symmetric_quantize]; +"547 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=547, type=calc_rb_binary_mask]; +"548 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=548, type=apply_binary_mask]; +"549 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=549, type=symmetric_quantize]; +"550 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" [id=550, type=conv2d]; +"551 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=551, type=batch_norm]; +"552 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" [id=552, type=relu_]; +"553 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=553, type=symmetric_quantize]; +"554 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=554, type=calc_rb_binary_mask]; +"555 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=555, type=apply_binary_mask]; +"556 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=556, type=symmetric_quantize]; +"557 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" [id=557, type=conv2d]; +"558 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=558, type=batch_norm]; +"559 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" [id=559, type=relu_]; +"560 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" [id=560, type=symmetric_quantize]; +"561 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=561, type=calc_rb_binary_mask]; +"562 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=562, type=apply_binary_mask]; +"563 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=563, type=symmetric_quantize]; +"564 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" [id=564, type=conv2d]; +"565 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=565, type=batch_norm]; +"566 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" [id=566, type=relu_]; +"567 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" [id=567, type=symmetric_quantize]; +"568 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=568, type=calc_rb_binary_mask]; +"569 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=569, type=apply_binary_mask]; +"570 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=570, type=symmetric_quantize]; +"571 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" [id=571, type=conv2d]; +"572 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=572, type=batch_norm]; +"573 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" [id=573, type=relu_]; +"574 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" [id=574, type=symmetric_quantize]; +"575 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" [id=575, type=max_pool2d]; +"576 Inception3/InceptionD[Mixed_7a]/cat_0" [id=576, type=cat]; +"577 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=577, type=calc_rb_binary_mask]; +"578 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=578, type=apply_binary_mask]; +"579 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=579, type=symmetric_quantize]; +"580 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=580, type=conv2d]; +"581 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=581, type=batch_norm]; +"582 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" [id=582, type=relu_]; +"583 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=583, type=symmetric_quantize]; +"584 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=584, type=calc_rb_binary_mask]; +"585 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=585, type=apply_binary_mask]; +"586 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=586, type=symmetric_quantize]; +"587 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=587, type=conv2d]; +"588 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=588, type=batch_norm]; +"589 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" [id=589, type=relu_]; +"590 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=590, type=symmetric_quantize]; +"591 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=591, type=calc_rb_binary_mask]; +"592 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=592, type=apply_binary_mask]; +"593 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=593, type=symmetric_quantize]; +"594 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=594, type=conv2d]; +"595 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=595, type=batch_norm]; +"596 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" [id=596, type=relu_]; +"597 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=597, type=symmetric_quantize]; +"598 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=598, type=calc_rb_binary_mask]; +"599 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=599, type=apply_binary_mask]; +"600 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=600, type=symmetric_quantize]; +"601 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=601, type=conv2d]; +"602 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=602, type=batch_norm]; +"603 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" [id=603, type=relu_]; +"604 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=604, type=symmetric_quantize]; +"605 Inception3/InceptionE[Mixed_7b]/cat_0" [id=605, type=cat]; +"606 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=606, type=calc_rb_binary_mask]; +"607 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=607, type=apply_binary_mask]; +"608 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=608, type=symmetric_quantize]; +"609 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=609, type=conv2d]; +"610 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=610, type=batch_norm]; +"611 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=611, type=relu_]; +"612 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=612, type=symmetric_quantize]; +"613 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=613, type=calc_rb_binary_mask]; +"614 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=614, type=apply_binary_mask]; +"615 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=615, type=symmetric_quantize]; +"616 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=616, type=conv2d]; +"617 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=617, type=batch_norm]; +"618 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=618, type=relu_]; +"619 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=619, type=symmetric_quantize]; +"620 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=620, type=calc_rb_binary_mask]; +"621 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=621, type=apply_binary_mask]; +"622 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=622, type=symmetric_quantize]; +"623 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=623, type=conv2d]; +"624 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=624, type=batch_norm]; +"625 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=625, type=relu_]; +"626 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=626, type=symmetric_quantize]; +"627 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=627, type=calc_rb_binary_mask]; +"628 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=628, type=apply_binary_mask]; +"629 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=629, type=symmetric_quantize]; +"630 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=630, type=conv2d]; +"631 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=631, type=batch_norm]; +"632 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=632, type=relu_]; +"633 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=633, type=symmetric_quantize]; +"634 Inception3/InceptionE[Mixed_7b]/cat_1" [id=634, type=cat]; +"635 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" [id=635, type=avg_pool2d]; +"636 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" [id=636, type=symmetric_quantize]; +"637 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=637, type=calc_rb_binary_mask]; +"638 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=638, type=apply_binary_mask]; +"639 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=639, type=symmetric_quantize]; +"640 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=640, type=conv2d]; +"641 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=641, type=batch_norm]; +"642 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" [id=642, type=relu_]; +"643 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=643, type=symmetric_quantize]; +"644 Inception3/InceptionE[Mixed_7b]/cat_2" [id=644, type=cat]; +"645 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=645, type=calc_rb_binary_mask]; +"646 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=646, type=apply_binary_mask]; +"647 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=647, type=symmetric_quantize]; +"648 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" [id=648, type=conv2d]; +"649 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=649, type=batch_norm]; +"650 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" [id=650, type=relu_]; +"651 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" [id=651, type=symmetric_quantize]; +"652 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=652, type=calc_rb_binary_mask]; +"653 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=653, type=apply_binary_mask]; +"654 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=654, type=symmetric_quantize]; +"655 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" [id=655, type=conv2d]; +"656 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=656, type=batch_norm]; +"657 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" [id=657, type=relu_]; +"658 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" [id=658, type=symmetric_quantize]; +"659 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=659, type=calc_rb_binary_mask]; +"660 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=660, type=apply_binary_mask]; +"661 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=661, type=symmetric_quantize]; +"662 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" [id=662, type=conv2d]; +"663 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=663, type=batch_norm]; +"664 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" [id=664, type=relu_]; +"665 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" [id=665, type=symmetric_quantize]; +"666 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=666, type=calc_rb_binary_mask]; +"667 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=667, type=apply_binary_mask]; +"668 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=668, type=symmetric_quantize]; +"669 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" [id=669, type=conv2d]; +"670 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=670, type=batch_norm]; +"671 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" [id=671, type=relu_]; +"672 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" [id=672, type=symmetric_quantize]; +"673 Inception3/InceptionE[Mixed_7c]/cat_0" [id=673, type=cat]; +"674 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=674, type=calc_rb_binary_mask]; +"675 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=675, type=apply_binary_mask]; +"676 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=676, type=symmetric_quantize]; +"677 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" [id=677, type=conv2d]; +"678 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=678, type=batch_norm]; +"679 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" [id=679, type=relu_]; +"680 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" [id=680, type=symmetric_quantize]; +"681 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=681, type=calc_rb_binary_mask]; +"682 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=682, type=apply_binary_mask]; +"683 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=683, type=symmetric_quantize]; +"684 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" [id=684, type=conv2d]; +"685 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=685, type=batch_norm]; +"686 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" [id=686, type=relu_]; +"687 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" [id=687, type=symmetric_quantize]; +"688 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=688, type=calc_rb_binary_mask]; +"689 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=689, type=apply_binary_mask]; +"690 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=690, type=symmetric_quantize]; +"691 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" [id=691, type=conv2d]; +"692 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=692, type=batch_norm]; +"693 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" [id=693, type=relu_]; +"694 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" [id=694, type=symmetric_quantize]; +"695 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=695, type=calc_rb_binary_mask]; +"696 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=696, type=apply_binary_mask]; +"697 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=697, type=symmetric_quantize]; +"698 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" [id=698, type=conv2d]; +"699 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=699, type=batch_norm]; +"700 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" [id=700, type=relu_]; +"701 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" [id=701, type=symmetric_quantize]; +"702 Inception3/InceptionE[Mixed_7c]/cat_1" [id=702, type=cat]; +"703 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" [id=703, type=avg_pool2d]; +"704 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" [id=704, type=symmetric_quantize]; +"705 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=705, type=calc_rb_binary_mask]; +"706 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=706, type=apply_binary_mask]; +"707 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=707, type=symmetric_quantize]; +"708 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" [id=708, type=conv2d]; +"709 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" [id=709, type=batch_norm]; +"710 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" [id=710, type=relu_]; +"711 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" [id=711, type=symmetric_quantize]; +"712 Inception3/InceptionE[Mixed_7c]/cat_2" [id=712, type=cat]; +"713 Inception3/adaptive_avg_pool2d_0" [id=713, type=adaptive_avg_pool2d]; +"714 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" [id=714, type=symmetric_quantize]; +"715 Inception3/dropout_0" [id=715, type=dropout]; +"716 Inception3/view_0" [id=716, type=view]; +"717 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=717, type=calc_rb_binary_mask]; +"718 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=718, type=apply_binary_mask]; +"719 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=719, type=symmetric_quantize]; +"720 Inception3/NNCFLinear[fc]/linear_0" [id=720, type=linear]; +"721 /nncf_model_output_0" [id=721, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "2 Inception3/__getitem___0"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "8 Inception3/__getitem___1"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "14 Inception3/__getitem___2"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "7 Inception3/__getitem___1"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "12 Inception3/__getitem___2"; "2 Inception3/__getitem___0" -> "3 Inception3/unsqueeze_0"; "3 Inception3/unsqueeze_0" -> "4 Inception3/__mul___0"; -"4 Inception3/__mul___0" -> "5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___0|OUTPUT]/symmetric_quantize_0"; -"5 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___0|OUTPUT]/symmetric_quantize_0" -> "6 Inception3/__add___0"; -"6 Inception3/__add___0" -> "7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0"; -"7 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" -> "20 Inception3/cat_0"; -"8 Inception3/__getitem___1" -> "9 Inception3/unsqueeze_1"; -"9 Inception3/unsqueeze_1" -> "10 Inception3/__mul___1"; -"10 Inception3/__mul___1" -> "11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___1|OUTPUT]/symmetric_quantize_0"; -"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___1|OUTPUT]/symmetric_quantize_0" -> "12 Inception3/__add___1"; -"12 Inception3/__add___1" -> "13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1"; -"13 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" -> "20 Inception3/cat_0"; -"14 Inception3/__getitem___2" -> "15 Inception3/unsqueeze_2"; -"15 Inception3/unsqueeze_2" -> "16 Inception3/__mul___2"; -"16 Inception3/__mul___2" -> "17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___2|OUTPUT]/symmetric_quantize_0"; -"17 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__mul___2|OUTPUT]/symmetric_quantize_0" -> "18 Inception3/__add___2"; -"18 Inception3/__add___2" -> "19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2"; -"19 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" -> "20 Inception3/cat_0"; -"20 Inception3/cat_0" -> "24 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "23 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "24 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "25 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"25 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "26 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0"; -"26 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" -> "27 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"27 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "31 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "29 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"29 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "30 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "31 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"31 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "32 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"32 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "33 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0"; -"33 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" -> "34 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"34 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "38 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; -"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "36 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"36 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "37 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"37 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "38 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; -"38 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" -> "39 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"39 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "40 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0"; -"40 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" -> "41 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"41 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "42 Inception3/max_pool2d_0"; -"42 Inception3/max_pool2d_0" -> "46 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; -"43 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "44 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"44 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "45 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"45 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "46 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; -"46 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" -> "47 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"47 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "48 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0"; -"48 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" -> "49 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"49 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "53 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"50 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "51 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"51 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "52 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"52 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "53 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; -"53 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "54 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"54 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "55 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0"; -"55 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" -> "56 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"56 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "57 Inception3/max_pool2d_1"; -"57 Inception3/max_pool2d_1" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"57 Inception3/max_pool2d_1" -> "68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"57 Inception3/max_pool2d_1" -> "82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"57 Inception3/max_pool2d_1" -> "100 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0"; -"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0"; -"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" -> "64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "109 Inception3/InceptionA[Mixed_5b]/cat_0"; -"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0"; -"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" -> "71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; -"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0"; -"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" -> "78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; -"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "109 Inception3/InceptionA[Mixed_5b]/cat_0"; -"79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "87 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"87 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "88 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"88 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "90 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"90 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "91 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"91 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "95 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"95 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"97 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "98 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"98 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "99 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"99 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "109 Inception3/InceptionA[Mixed_5b]/cat_0"; -"100 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" -> "101 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0"; -"101 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" -> "105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "103 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"103 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "104 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"104 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "106 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"106 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "107 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0"; -"107 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" -> "108 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"108 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "109 Inception3/InceptionA[Mixed_5b]/cat_0"; -"109 Inception3/InceptionA[Mixed_5b]/cat_0" -> "113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"109 Inception3/InceptionA[Mixed_5b]/cat_0" -> "120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"109 Inception3/InceptionA[Mixed_5b]/cat_0" -> "134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"109 Inception3/InceptionA[Mixed_5b]/cat_0" -> "152 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0"; -"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0"; -"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" -> "116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5c]/cat_0"; -"117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0"; -"122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" -> "123 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; -"123 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "125 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"125 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "126 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"126 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0"; -"129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" -> "130 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; -"130 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5c]/cat_0"; -"131 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "133 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"133 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"138 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "139 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"139 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "142 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"142 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "146 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"146 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "147 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"147 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "149 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"149 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "150 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"150 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5c]/cat_0"; -"152 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" -> "153 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0"; -"153 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" -> "157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"154 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "155 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"155 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "158 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"158 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "159 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0"; -"159 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" -> "160 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"160 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "161 Inception3/InceptionA[Mixed_5c]/cat_0"; -"161 Inception3/InceptionA[Mixed_5c]/cat_0" -> "165 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"161 Inception3/InceptionA[Mixed_5c]/cat_0" -> "172 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"161 Inception3/InceptionA[Mixed_5c]/cat_0" -> "186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"161 Inception3/InceptionA[Mixed_5c]/cat_0" -> "204 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0"; -"162 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "163 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"163 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "164 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"164 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "165 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"165 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "166 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"166 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "167 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0"; -"167 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" -> "168 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"168 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "213 Inception3/InceptionA[Mixed_5d]/cat_0"; -"169 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "170 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"170 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "171 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"171 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "172 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; -"172 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "173 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"173 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "174 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0"; -"174 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" -> "175 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; -"175 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"176 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "177 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"177 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "178 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"178 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; -"179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "180 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"180 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "181 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0"; -"181 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" -> "182 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; -"182 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "213 Inception3/InceptionA[Mixed_5d]/cat_0"; -"183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "184 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"184 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "185 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"185 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "189 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"189 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"190 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "192 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"192 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"197 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "198 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"198 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "201 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"201 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "202 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"202 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "213 Inception3/InceptionA[Mixed_5d]/cat_0"; -"204 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" -> "205 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0"; -"205 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" -> "209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"206 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "208 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"208 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "210 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"210 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "211 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0"; -"211 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" -> "212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"212 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "213 Inception3/InceptionA[Mixed_5d]/cat_0"; -"213 Inception3/InceptionA[Mixed_5d]/cat_0" -> "217 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; -"213 Inception3/InceptionA[Mixed_5d]/cat_0" -> "224 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"213 Inception3/InceptionA[Mixed_5d]/cat_0" -> "242 Inception3/InceptionB[Mixed_6a]/max_pool2d_0"; -"214 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "215 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"215 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "216 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"216 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "217 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; -"217 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" -> "218 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"218 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "219 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0"; -"219 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" -> "220 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0"; -"220 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "243 Inception3/InceptionB[Mixed_6a]/cat_0"; -"221 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "222 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"222 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "223 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"223 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "224 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"224 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "225 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"225 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "226 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"226 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "227 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"227 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "231 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"228 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "229 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"229 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "230 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"230 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "231 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"231 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "232 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"232 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "233 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"233 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "234 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"234 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"235 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "236 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"236 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "237 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"237 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "239 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"239 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "240 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0"; -"240 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "241 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"241 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "243 Inception3/InceptionB[Mixed_6a]/cat_0"; -"242 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" -> "243 Inception3/InceptionB[Mixed_6a]/cat_0"; -"243 Inception3/InceptionB[Mixed_6a]/cat_0" -> "247 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"243 Inception3/InceptionB[Mixed_6a]/cat_0" -> "254 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"243 Inception3/InceptionB[Mixed_6a]/cat_0" -> "275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"243 Inception3/InceptionB[Mixed_6a]/cat_0" -> "307 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0"; -"244 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "245 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"245 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "246 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"246 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "247 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"247 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "248 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"248 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "249 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0"; -"249 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" -> "250 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"250 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6b]/cat_0"; -"251 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "252 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"252 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "253 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"253 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "254 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"254 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "255 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"255 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "256 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0"; -"256 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" -> "257 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"257 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "261 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"258 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "259 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"259 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "260 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"260 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "261 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"261 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "262 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"262 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "263 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0"; -"263 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" -> "264 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"264 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "268 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"265 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "266 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"266 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "267 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"267 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "268 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"268 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "269 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"269 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "270 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0"; -"270 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" -> "271 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"271 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6b]/cat_0"; -"272 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "274 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"274 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "277 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"277 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "278 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"278 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "282 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "282 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"282 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "283 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"283 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "285 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"285 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"286 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "290 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"290 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "291 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"291 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"293 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "294 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"294 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "298 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"298 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "299 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"299 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "301 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"301 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "302 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"302 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "304 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"304 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"305 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "306 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"306 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6b]/cat_0"; -"307 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" -> "308 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0"; -"308 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" -> "312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"309 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "310 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"310 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"313 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "314 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0"; -"314 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" -> "315 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"315 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "316 Inception3/InceptionC[Mixed_6b]/cat_0"; -"316 Inception3/InceptionC[Mixed_6b]/cat_0" -> "320 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"316 Inception3/InceptionC[Mixed_6b]/cat_0" -> "327 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"316 Inception3/InceptionC[Mixed_6b]/cat_0" -> "348 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"316 Inception3/InceptionC[Mixed_6b]/cat_0" -> "380 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0"; -"317 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "318 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"318 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "319 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"319 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "320 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"320 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "321 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"321 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "322 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0"; -"322 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" -> "323 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"323 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "389 Inception3/InceptionC[Mixed_6c]/cat_0"; -"324 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "325 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"325 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "326 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"326 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "327 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"327 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "328 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"328 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "329 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0"; -"329 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" -> "330 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"330 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "334 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"331 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "332 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"332 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "333 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"333 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "334 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"334 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "335 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"335 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "336 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0"; -"336 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" -> "337 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"337 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "341 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"338 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "339 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"339 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "340 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"340 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "341 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"341 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "342 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"342 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "343 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0"; -"343 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" -> "344 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"344 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "389 Inception3/InceptionC[Mixed_6c]/cat_0"; -"345 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "346 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"346 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "347 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"347 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "348 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"348 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "349 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"349 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "350 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"350 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "351 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"351 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"352 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "353 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"353 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "354 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"354 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "356 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"356 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "357 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"357 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "358 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"358 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "360 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"360 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "361 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"361 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "365 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"365 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"366 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "368 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"368 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"373 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "374 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"374 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "377 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"377 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "378 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"378 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "389 Inception3/InceptionC[Mixed_6c]/cat_0"; -"380 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" -> "381 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0"; -"381 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" -> "385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"382 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "384 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"384 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "386 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"386 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "387 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0"; -"387 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" -> "388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"388 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "389 Inception3/InceptionC[Mixed_6c]/cat_0"; -"389 Inception3/InceptionC[Mixed_6c]/cat_0" -> "393 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"389 Inception3/InceptionC[Mixed_6c]/cat_0" -> "400 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"389 Inception3/InceptionC[Mixed_6c]/cat_0" -> "421 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"389 Inception3/InceptionC[Mixed_6c]/cat_0" -> "453 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0"; -"390 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "391 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"391 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "392 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"392 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "393 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"393 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "394 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"394 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "395 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0"; -"395 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" -> "396 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"396 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "462 Inception3/InceptionC[Mixed_6d]/cat_0"; -"397 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "398 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"398 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "399 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"399 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "400 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"400 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "401 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"401 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "402 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0"; -"402 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" -> "403 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"403 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "407 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"404 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "405 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"405 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "406 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"406 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "407 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"407 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "408 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"408 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "409 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0"; -"409 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" -> "410 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"410 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "414 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"411 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "412 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"412 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "413 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"413 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "414 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"414 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "415 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"415 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "416 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0"; -"416 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" -> "417 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"417 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "462 Inception3/InceptionC[Mixed_6d]/cat_0"; -"418 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "419 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"419 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "420 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"420 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "421 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"421 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "422 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"422 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "423 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"423 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "424 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"424 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "428 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"425 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "426 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"426 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "427 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"427 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "428 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"428 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "429 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"429 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "430 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"430 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "431 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"431 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "435 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"432 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "433 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"433 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "434 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"434 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "435 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"435 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "436 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"436 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "437 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"437 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "438 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"438 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "440 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"440 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "441 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"441 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "443 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"443 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "444 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"444 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "448 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"448 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"450 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "451 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"451 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "452 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"452 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "462 Inception3/InceptionC[Mixed_6d]/cat_0"; -"453 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" -> "454 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0"; -"454 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" -> "458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "456 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"456 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "457 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"457 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "459 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"459 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "460 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0"; -"460 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" -> "461 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"461 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "462 Inception3/InceptionC[Mixed_6d]/cat_0"; -"462 Inception3/InceptionC[Mixed_6d]/cat_0" -> "466 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"462 Inception3/InceptionC[Mixed_6d]/cat_0" -> "473 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"462 Inception3/InceptionC[Mixed_6d]/cat_0" -> "494 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"462 Inception3/InceptionC[Mixed_6d]/cat_0" -> "526 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0"; -"463 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "464 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"464 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "465 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"465 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "466 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"466 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "467 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"467 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "468 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0"; -"468 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" -> "469 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"469 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "535 Inception3/InceptionC[Mixed_6e]/cat_0"; -"470 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "471 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"471 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "472 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"472 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "473 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; -"473 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "474 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"474 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "475 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0"; -"475 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" -> "476 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; -"476 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "480 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"477 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "478 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"478 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "479 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"479 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "480 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; -"480 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "481 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"481 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "482 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0"; -"482 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" -> "483 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; -"483 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "487 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"484 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "485 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"485 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "486 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"486 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "487 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; -"487 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "488 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"488 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "489 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0"; -"489 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" -> "490 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; -"490 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "535 Inception3/InceptionC[Mixed_6e]/cat_0"; -"491 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "492 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"492 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "493 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"493 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "494 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"494 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "495 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"495 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "496 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0"; -"496 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "497 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"497 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "501 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"498 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "499 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"499 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "500 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"500 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "501 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"501 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "502 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"502 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "503 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0"; -"503 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "504 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"504 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "508 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"505 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "506 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"506 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "507 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"507 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "508 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; -"508 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "509 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"509 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "510 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0"; -"510 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "511 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; -"511 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "515 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"512 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "513 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"513 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "514 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"514 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "515 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; -"515 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "516 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"516 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "517 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0"; -"517 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "518 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; -"518 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"519 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "520 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"520 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "521 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"521 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; -"522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "523 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"523 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "524 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0"; -"524 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; -"525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "535 Inception3/InceptionC[Mixed_6e]/cat_0"; -"526 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" -> "527 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0"; -"527 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" -> "531 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "531 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"531 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "532 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"532 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0"; -"533 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" -> "534 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"534 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "535 Inception3/InceptionC[Mixed_6e]/cat_0"; -"535 Inception3/InceptionC[Mixed_6e]/cat_0" -> "539 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"535 Inception3/InceptionC[Mixed_6e]/cat_0" -> "553 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; -"535 Inception3/InceptionC[Mixed_6e]/cat_0" -> "578 Inception3/InceptionD[Mixed_7a]/max_pool2d_0"; -"536 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "537 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"537 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "538 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"538 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "539 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"539 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "540 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"540 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "541 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0"; -"541 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" -> "542 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"542 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "546 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; -"543 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "544 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"544 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "545 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"545 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "546 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; -"546 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" -> "547 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"547 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "548 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0"; -"548 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" -> "549 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0"; -"549 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "579 Inception3/InceptionD[Mixed_7a]/cat_0"; -"550 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "551 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"551 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "552 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"552 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "553 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; -"553 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" -> "554 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"554 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "555 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0"; -"555 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" -> "556 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"556 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "560 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; -"557 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "558 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"558 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "559 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"559 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "560 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; -"560 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" -> "561 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"561 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "562 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0"; -"562 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" -> "563 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0"; -"563 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "567 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; -"564 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "565 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"565 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "566 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"566 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "567 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; -"567 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" -> "568 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"568 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "569 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0"; -"569 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" -> "570 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0"; -"570 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" -> "574 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; -"571 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "572 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"572 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "573 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"573 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "574 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; -"574 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" -> "575 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"575 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "576 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0"; -"576 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" -> "577 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0"; -"577 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" -> "579 Inception3/InceptionD[Mixed_7a]/cat_0"; -"578 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" -> "579 Inception3/InceptionD[Mixed_7a]/cat_0"; -"579 Inception3/InceptionD[Mixed_7a]/cat_0" -> "583 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"579 Inception3/InceptionD[Mixed_7a]/cat_0" -> "590 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"579 Inception3/InceptionD[Mixed_7a]/cat_0" -> "612 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"579 Inception3/InceptionD[Mixed_7a]/cat_0" -> "638 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0"; -"580 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "581 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"581 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "582 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"582 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "583 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"583 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "584 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"584 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "585 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0"; -"585 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" -> "586 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"586 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "647 Inception3/InceptionE[Mixed_7b]/cat_2"; -"587 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "588 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"588 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "589 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"589 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "590 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"590 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "591 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"591 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "592 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0"; -"592 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" -> "593 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"593 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "597 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"593 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "604 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"594 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "595 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"595 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "596 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"596 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "597 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"597 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "598 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"598 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "599 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0"; -"599 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" -> "600 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; -"600 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "608 Inception3/InceptionE[Mixed_7b]/cat_0"; -"601 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "602 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"602 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "603 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"603 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "604 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"604 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "605 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"605 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "606 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0"; -"606 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" -> "607 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; -"607 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "608 Inception3/InceptionE[Mixed_7b]/cat_0"; -"608 Inception3/InceptionE[Mixed_7b]/cat_0" -> "647 Inception3/InceptionE[Mixed_7b]/cat_2"; -"609 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "610 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"610 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "611 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"611 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "612 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"612 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "613 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"613 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "614 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"614 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "615 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"615 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "619 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"616 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "617 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"617 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "618 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"618 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "619 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"619 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "620 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"620 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "621 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"621 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "622 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"622 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "626 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"622 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "633 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"623 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "624 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"624 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "625 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"625 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "626 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"626 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "627 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"627 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "628 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0"; -"628 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "629 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; -"629 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "637 Inception3/InceptionE[Mixed_7b]/cat_1"; -"630 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "631 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"631 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "632 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"632 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "633 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"633 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "634 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"634 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "635 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0"; -"635 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "636 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; -"636 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "637 Inception3/InceptionE[Mixed_7b]/cat_1"; -"637 Inception3/InceptionE[Mixed_7b]/cat_1" -> "647 Inception3/InceptionE[Mixed_7b]/cat_2"; -"638 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" -> "639 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0"; -"639 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" -> "643 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"640 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "641 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"641 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "642 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"642 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "643 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"643 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "644 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"644 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "645 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0"; -"645 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" -> "646 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"646 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "647 Inception3/InceptionE[Mixed_7b]/cat_2"; -"647 Inception3/InceptionE[Mixed_7b]/cat_2" -> "651 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"647 Inception3/InceptionE[Mixed_7b]/cat_2" -> "658 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"647 Inception3/InceptionE[Mixed_7b]/cat_2" -> "680 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"647 Inception3/InceptionE[Mixed_7b]/cat_2" -> "706 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0"; -"648 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "649 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"649 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "650 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"650 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "651 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; -"651 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "652 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"652 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "653 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0"; -"653 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" -> "654 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; -"654 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "715 Inception3/InceptionE[Mixed_7c]/cat_2"; -"655 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "656 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"656 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "657 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"657 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "658 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; -"658 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "659 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"659 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "660 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0"; -"660 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" -> "661 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; -"661 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "665 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"661 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "672 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"662 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "663 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"663 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "664 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"664 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "665 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; -"665 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "666 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"666 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "667 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0"; -"667 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" -> "668 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; -"668 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "676 Inception3/InceptionE[Mixed_7c]/cat_0"; -"669 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "670 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"670 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "671 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"671 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "672 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; -"672 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "673 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"673 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "674 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0"; -"674 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" -> "675 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; -"675 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "676 Inception3/InceptionE[Mixed_7c]/cat_0"; -"676 Inception3/InceptionE[Mixed_7c]/cat_0" -> "715 Inception3/InceptionE[Mixed_7c]/cat_2"; -"677 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "678 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"678 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "679 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"679 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "680 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; -"680 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "681 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"681 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "682 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0"; -"682 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "683 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; -"683 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "687 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"684 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "685 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"685 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "686 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"686 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "687 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; -"687 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "688 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"688 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "689 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0"; -"689 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "690 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; -"690 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "694 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"690 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "701 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"691 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "692 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"692 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "693 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"693 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "694 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; -"694 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "695 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"695 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "696 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0"; -"696 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "697 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; -"697 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "705 Inception3/InceptionE[Mixed_7c]/cat_1"; -"698 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "699 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"699 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "700 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"700 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "701 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; -"701 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "702 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"702 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "703 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0"; -"703 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "704 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; -"704 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "705 Inception3/InceptionE[Mixed_7c]/cat_1"; -"705 Inception3/InceptionE[Mixed_7c]/cat_1" -> "715 Inception3/InceptionE[Mixed_7c]/cat_2"; -"706 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" -> "707 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0"; -"707 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" -> "711 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"708 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "709 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"709 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "710 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"710 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "711 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; -"711 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "712 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; -"712 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "713 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0"; -"713 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" -> "714 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; -"714 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "715 Inception3/InceptionE[Mixed_7c]/cat_2"; -"715 Inception3/InceptionE[Mixed_7c]/cat_2" -> "716 Inception3/adaptive_avg_pool2d_0"; -"716 Inception3/adaptive_avg_pool2d_0" -> "717 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0"; -"717 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" -> "718 Inception3/dropout_0"; -"718 Inception3/dropout_0" -> "719 Inception3/view_0"; -"719 Inception3/view_0" -> "723 Inception3/NNCFLinear[fc]/linear_0"; -"720 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "721 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"721 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "722 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"722 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "723 Inception3/NNCFLinear[fc]/linear_0"; -"723 Inception3/NNCFLinear[fc]/linear_0" -> "724 /nncf_model_output_0"; +"4 Inception3/__mul___0" -> "5 Inception3/__add___0"; +"5 Inception3/__add___0" -> "6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0"; +"6 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_0" -> "17 Inception3/cat_0"; +"7 Inception3/__getitem___1" -> "8 Inception3/unsqueeze_1"; +"8 Inception3/unsqueeze_1" -> "9 Inception3/__mul___1"; +"9 Inception3/__mul___1" -> "10 Inception3/__add___1"; +"10 Inception3/__add___1" -> "11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1"; +"11 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_1" -> "17 Inception3/cat_0"; +"12 Inception3/__getitem___2" -> "13 Inception3/unsqueeze_2"; +"13 Inception3/unsqueeze_2" -> "14 Inception3/__mul___2"; +"14 Inception3/__mul___2" -> "15 Inception3/__add___2"; +"15 Inception3/__add___2" -> "16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2"; +"16 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/__add___0|OUTPUT;Inception3/__add___1|OUTPUT;Inception3/__add___2|OUTPUT]/symmetric_quantize_2" -> "17 Inception3/cat_0"; +"17 Inception3/cat_0" -> "21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"18 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"19 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "20 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"20 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"21 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"22 Inception3/BasicConv2d[Conv2d_1a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "23 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0"; +"23 Inception3/BasicConv2d[Conv2d_1a_3x3]/relu__0" -> "24 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"24 Inception3/BasicConv2d[Conv2d_1a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"25 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "26 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"26 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"27 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"28 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "29 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"29 Inception3/BasicConv2d[Conv2d_2a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "30 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0"; +"30 Inception3/BasicConv2d[Conv2d_2a_3x3]/relu__0" -> "31 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"31 Inception3/BasicConv2d[Conv2d_2a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "35 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; +"32 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "33 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"33 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "34 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"34 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "35 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0"; +"35 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFConv2d[conv]/conv2d_0" -> "36 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"36 Inception3/BasicConv2d[Conv2d_2b_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "37 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0"; +"37 Inception3/BasicConv2d[Conv2d_2b_3x3]/relu__0" -> "38 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"38 Inception3/BasicConv2d[Conv2d_2b_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "39 Inception3/max_pool2d_0"; +"39 Inception3/max_pool2d_0" -> "43 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; +"40 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "41 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"41 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "42 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"42 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "43 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0"; +"43 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFConv2d[conv]/conv2d_0" -> "44 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"44 Inception3/BasicConv2d[Conv2d_3b_1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "45 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0"; +"45 Inception3/BasicConv2d[Conv2d_3b_1x1]/relu__0" -> "46 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"46 Inception3/BasicConv2d[Conv2d_3b_1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "50 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"47 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "48 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"48 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "49 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"49 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "50 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0"; +"50 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFConv2d[conv]/conv2d_0" -> "51 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"51 Inception3/BasicConv2d[Conv2d_4a_3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "52 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0"; +"52 Inception3/BasicConv2d[Conv2d_4a_3x3]/relu__0" -> "53 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"53 Inception3/BasicConv2d[Conv2d_4a_3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "54 Inception3/max_pool2d_1"; +"54 Inception3/max_pool2d_1" -> "58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"54 Inception3/max_pool2d_1" -> "65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"54 Inception3/max_pool2d_1" -> "79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"54 Inception3/max_pool2d_1" -> "97 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0"; +"55 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"56 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"57 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"58 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"59 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0"; +"60 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/relu__0" -> "61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"61 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "106 Inception3/InceptionA[Mixed_5b]/cat_0"; +"62 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"63 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"64 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"65 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"66 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0"; +"67 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/relu__0" -> "68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; +"68 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"69 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"70 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"71 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"72 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"73 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0"; +"74 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/relu__0" -> "75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; +"75 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "106 Inception3/InceptionA[Mixed_5b]/cat_0"; +"76 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"77 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"78 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"79 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"80 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"81 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"82 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"83 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"84 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"85 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"86 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "87 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"87 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "88 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"88 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"89 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"90 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "91 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"91 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"92 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"93 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"94 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "95 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"95 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"96 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "106 Inception3/InceptionA[Mixed_5b]/cat_0"; +"97 Inception3/InceptionA[Mixed_5b]/avg_pool2d_0" -> "98 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0"; +"98 Inception3/InceptionA[Mixed_5b]/SymmetricQuantizer/symmetric_quantize_0" -> "102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"99 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "100 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"100 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "101 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"101 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"102 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "103 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"103 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "104 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0"; +"104 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/relu__0" -> "105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"105 Inception3/InceptionA[Mixed_5b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "106 Inception3/InceptionA[Mixed_5b]/cat_0"; +"106 Inception3/InceptionA[Mixed_5b]/cat_0" -> "110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"106 Inception3/InceptionA[Mixed_5b]/cat_0" -> "117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"106 Inception3/InceptionA[Mixed_5b]/cat_0" -> "131 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"106 Inception3/InceptionA[Mixed_5b]/cat_0" -> "149 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0"; +"107 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"108 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"109 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"110 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"111 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0"; +"112 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/relu__0" -> "113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"113 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5c]/cat_0"; +"114 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"115 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"116 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"117 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"118 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0"; +"119 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/relu__0" -> "120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; +"120 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"121 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"122 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "123 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"123 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"124 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "125 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"125 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "126 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0"; +"126 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/relu__0" -> "127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; +"127 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5c]/cat_0"; +"128 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"129 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "130 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"130 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "131 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"131 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"132 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "133 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"133 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"134 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "138 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"135 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"136 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"137 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "138 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"138 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "139 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"139 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"140 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"141 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"142 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"143 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"144 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"145 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "146 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"146 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "147 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"147 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"148 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5c]/cat_0"; +"149 Inception3/InceptionA[Mixed_5c]/avg_pool2d_0" -> "150 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0"; +"150 Inception3/InceptionA[Mixed_5c]/SymmetricQuantizer/symmetric_quantize_0" -> "154 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"151 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "152 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"152 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"153 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "154 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"154 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "155 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"155 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0"; +"156 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/relu__0" -> "157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"157 Inception3/InceptionA[Mixed_5c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "158 Inception3/InceptionA[Mixed_5c]/cat_0"; +"158 Inception3/InceptionA[Mixed_5c]/cat_0" -> "162 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"158 Inception3/InceptionA[Mixed_5c]/cat_0" -> "169 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"158 Inception3/InceptionA[Mixed_5c]/cat_0" -> "183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"158 Inception3/InceptionA[Mixed_5c]/cat_0" -> "201 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0"; +"159 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "160 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"160 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "161 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"161 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "162 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"162 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "163 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"163 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "164 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0"; +"164 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/relu__0" -> "165 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"165 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "210 Inception3/InceptionA[Mixed_5d]/cat_0"; +"166 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "167 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"167 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "168 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"168 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "169 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0"; +"169 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFConv2d[conv]/conv2d_0" -> "170 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"170 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "171 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0"; +"171 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/relu__0" -> "172 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0"; +"172 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_1]/SymmetricQuantizer/symmetric_quantize_0" -> "176 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"173 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "174 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"174 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "175 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"175 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "176 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0"; +"176 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFConv2d[conv]/conv2d_0" -> "177 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"177 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "178 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0"; +"178 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/relu__0" -> "179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0"; +"179 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch5x5_2]/SymmetricQuantizer/symmetric_quantize_0" -> "210 Inception3/InceptionA[Mixed_5d]/cat_0"; +"180 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "181 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"181 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "182 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"182 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"183 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "184 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"184 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "185 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"185 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"186 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "190 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"187 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"188 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "189 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"189 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "190 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"190 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"191 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "192 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"192 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"193 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "197 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"194 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"195 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"196 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "197 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"197 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "198 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"198 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"199 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"200 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "210 Inception3/InceptionA[Mixed_5d]/cat_0"; +"201 Inception3/InceptionA[Mixed_5d]/avg_pool2d_0" -> "202 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0"; +"202 Inception3/InceptionA[Mixed_5d]/SymmetricQuantizer/symmetric_quantize_0" -> "206 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"203 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"204 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "205 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"205 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "206 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"206 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"207 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "208 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0"; +"208 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/relu__0" -> "209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"209 Inception3/InceptionA[Mixed_5d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "210 Inception3/InceptionA[Mixed_5d]/cat_0"; +"210 Inception3/InceptionA[Mixed_5d]/cat_0" -> "214 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; +"210 Inception3/InceptionA[Mixed_5d]/cat_0" -> "221 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"210 Inception3/InceptionA[Mixed_5d]/cat_0" -> "239 Inception3/InceptionB[Mixed_6a]/max_pool2d_0"; +"211 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "212 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"212 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "213 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"213 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "214 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0"; +"214 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFConv2d[conv]/conv2d_0" -> "215 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"215 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "216 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0"; +"216 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/relu__0" -> "217 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0"; +"217 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3]/SymmetricQuantizer/symmetric_quantize_0" -> "240 Inception3/InceptionB[Mixed_6a]/cat_0"; +"218 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "219 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"219 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "220 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"220 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "221 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"221 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "222 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"222 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "223 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"223 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "224 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"224 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "228 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"225 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "226 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"226 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "227 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"227 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "228 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"228 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "229 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"229 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "230 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"230 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "231 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"231 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "235 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"232 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "233 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"233 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "234 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"234 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "235 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"235 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "236 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"236 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "237 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0"; +"237 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/relu__0" -> "238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"238 Inception3/InceptionB[Mixed_6a]/BasicConv2d[branch3x3dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "240 Inception3/InceptionB[Mixed_6a]/cat_0"; +"239 Inception3/InceptionB[Mixed_6a]/max_pool2d_0" -> "240 Inception3/InceptionB[Mixed_6a]/cat_0"; +"240 Inception3/InceptionB[Mixed_6a]/cat_0" -> "244 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"240 Inception3/InceptionB[Mixed_6a]/cat_0" -> "251 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"240 Inception3/InceptionB[Mixed_6a]/cat_0" -> "272 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"240 Inception3/InceptionB[Mixed_6a]/cat_0" -> "304 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0"; +"241 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "242 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"242 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "243 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"243 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "244 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"244 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "245 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"245 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "246 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0"; +"246 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/relu__0" -> "247 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"247 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6b]/cat_0"; +"248 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "249 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"249 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "250 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"250 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "251 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"251 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "252 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"252 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "253 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0"; +"253 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/relu__0" -> "254 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"254 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "258 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"255 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "256 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"256 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "257 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"257 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "258 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"258 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "259 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"259 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "260 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0"; +"260 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/relu__0" -> "261 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"261 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "265 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"262 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "263 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"263 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "264 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"264 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "265 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"265 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "266 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"266 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "267 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0"; +"267 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/relu__0" -> "268 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"268 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6b]/cat_0"; +"269 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "270 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"270 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "271 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"271 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "272 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"272 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"273 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "274 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"274 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"275 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"276 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "277 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"277 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "278 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"278 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"279 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"280 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"281 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "282 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"282 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"283 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"284 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "285 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"285 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "286 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"286 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"287 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"288 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"289 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "293 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"290 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "291 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"291 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"292 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "293 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"293 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "294 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"294 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"295 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"296 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"297 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "298 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"298 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "299 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"299 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"300 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "301 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"301 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "302 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"302 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"303 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6b]/cat_0"; +"304 Inception3/InceptionC[Mixed_6b]/avg_pool2d_0" -> "305 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0"; +"305 Inception3/InceptionC[Mixed_6b]/SymmetricQuantizer/symmetric_quantize_0" -> "309 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"306 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "307 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"307 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"308 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "309 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"309 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "310 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"310 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0"; +"311 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/relu__0" -> "312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"312 Inception3/InceptionC[Mixed_6b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "313 Inception3/InceptionC[Mixed_6b]/cat_0"; +"313 Inception3/InceptionC[Mixed_6b]/cat_0" -> "317 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"313 Inception3/InceptionC[Mixed_6b]/cat_0" -> "324 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"313 Inception3/InceptionC[Mixed_6b]/cat_0" -> "345 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"313 Inception3/InceptionC[Mixed_6b]/cat_0" -> "377 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0"; +"314 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "315 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"315 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "316 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"316 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "317 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"317 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "318 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"318 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "319 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0"; +"319 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/relu__0" -> "320 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"320 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "386 Inception3/InceptionC[Mixed_6c]/cat_0"; +"321 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "322 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"322 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "323 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"323 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "324 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"324 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "325 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"325 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "326 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0"; +"326 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/relu__0" -> "327 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"327 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "331 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"328 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "329 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"329 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "330 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"330 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "331 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"331 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "332 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"332 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "333 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0"; +"333 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/relu__0" -> "334 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"334 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "338 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"335 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "336 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"336 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "337 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"337 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "338 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"338 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "339 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"339 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "340 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0"; +"340 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/relu__0" -> "341 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"341 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "386 Inception3/InceptionC[Mixed_6c]/cat_0"; +"342 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "343 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"343 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "344 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"344 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "345 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"345 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "346 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"346 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "347 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"347 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "348 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"348 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "352 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"349 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "350 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"350 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "351 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"351 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "352 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"352 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "353 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"353 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "354 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"354 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"355 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"356 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "357 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"357 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "358 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"358 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"359 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "360 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"360 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "361 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"361 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"362 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "366 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"363 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"364 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "365 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"365 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "366 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"366 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"367 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "368 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"368 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"369 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "373 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"370 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"371 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"372 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "373 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"373 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "374 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"374 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"375 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"376 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "386 Inception3/InceptionC[Mixed_6c]/cat_0"; +"377 Inception3/InceptionC[Mixed_6c]/avg_pool2d_0" -> "378 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0"; +"378 Inception3/InceptionC[Mixed_6c]/SymmetricQuantizer/symmetric_quantize_0" -> "382 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"379 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"380 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "381 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"381 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "382 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"382 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"383 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "384 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0"; +"384 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/relu__0" -> "385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"385 Inception3/InceptionC[Mixed_6c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "386 Inception3/InceptionC[Mixed_6c]/cat_0"; +"386 Inception3/InceptionC[Mixed_6c]/cat_0" -> "390 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"386 Inception3/InceptionC[Mixed_6c]/cat_0" -> "397 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"386 Inception3/InceptionC[Mixed_6c]/cat_0" -> "418 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"386 Inception3/InceptionC[Mixed_6c]/cat_0" -> "450 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0"; +"387 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "388 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"388 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "389 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"389 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "390 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"390 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "391 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"391 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "392 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0"; +"392 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/relu__0" -> "393 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"393 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "459 Inception3/InceptionC[Mixed_6d]/cat_0"; +"394 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "395 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"395 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "396 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"396 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "397 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"397 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "398 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"398 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "399 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0"; +"399 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/relu__0" -> "400 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"400 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "404 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"401 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "402 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"402 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "403 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"403 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "404 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"404 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "405 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"405 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "406 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0"; +"406 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/relu__0" -> "407 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"407 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "411 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"408 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "409 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"409 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "410 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"410 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "411 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"411 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "412 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"412 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "413 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0"; +"413 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/relu__0" -> "414 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"414 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "459 Inception3/InceptionC[Mixed_6d]/cat_0"; +"415 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "416 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"416 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "417 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"417 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "418 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"418 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "419 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"419 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "420 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"420 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "421 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"421 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "425 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"422 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "423 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"423 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "424 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"424 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "425 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"425 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "426 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"426 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "427 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"427 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "428 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"428 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "432 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"429 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "430 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"430 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "431 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"431 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "432 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"432 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "433 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"433 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "434 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"434 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "435 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"435 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"436 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "437 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"437 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "438 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"438 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"439 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "440 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"440 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "441 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"441 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"442 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"443 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "444 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"444 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"445 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"446 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"447 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "448 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"448 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"449 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "459 Inception3/InceptionC[Mixed_6d]/cat_0"; +"450 Inception3/InceptionC[Mixed_6d]/avg_pool2d_0" -> "451 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0"; +"451 Inception3/InceptionC[Mixed_6d]/SymmetricQuantizer/symmetric_quantize_0" -> "455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"452 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "453 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"453 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "454 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"454 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"455 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "456 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"456 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "457 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0"; +"457 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/relu__0" -> "458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"458 Inception3/InceptionC[Mixed_6d]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "459 Inception3/InceptionC[Mixed_6d]/cat_0"; +"459 Inception3/InceptionC[Mixed_6d]/cat_0" -> "463 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"459 Inception3/InceptionC[Mixed_6d]/cat_0" -> "470 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"459 Inception3/InceptionC[Mixed_6d]/cat_0" -> "491 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"459 Inception3/InceptionC[Mixed_6d]/cat_0" -> "523 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0"; +"460 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "461 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"461 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "462 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"462 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "463 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"463 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "464 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"464 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "465 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0"; +"465 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/relu__0" -> "466 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"466 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "532 Inception3/InceptionC[Mixed_6e]/cat_0"; +"467 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "468 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"468 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "469 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"469 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "470 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0"; +"470 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFConv2d[conv]/conv2d_0" -> "471 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"471 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "472 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0"; +"472 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/relu__0" -> "473 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0"; +"473 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_1]/SymmetricQuantizer/symmetric_quantize_0" -> "477 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"474 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "475 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"475 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "476 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"476 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "477 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0"; +"477 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFConv2d[conv]/conv2d_0" -> "478 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"478 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "479 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0"; +"479 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/relu__0" -> "480 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0"; +"480 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_2]/SymmetricQuantizer/symmetric_quantize_0" -> "484 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"481 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "482 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"482 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "483 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"483 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "484 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0"; +"484 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFConv2d[conv]/conv2d_0" -> "485 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"485 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "486 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0"; +"486 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/relu__0" -> "487 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0"; +"487 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7_3]/SymmetricQuantizer/symmetric_quantize_0" -> "532 Inception3/InceptionC[Mixed_6e]/cat_0"; +"488 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "489 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"489 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "490 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"490 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "491 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"491 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "492 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"492 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "493 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0"; +"493 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/relu__0" -> "494 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"494 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "498 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"495 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "496 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"496 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "497 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"497 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "498 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"498 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "499 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"499 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "500 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0"; +"500 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/relu__0" -> "501 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"501 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "505 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"502 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "503 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"503 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "504 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"504 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "505 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0"; +"505 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFConv2d[conv]/conv2d_0" -> "506 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"506 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "507 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0"; +"507 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/relu__0" -> "508 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0"; +"508 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_3]/SymmetricQuantizer/symmetric_quantize_0" -> "512 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"509 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "510 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"510 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "511 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"511 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "512 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0"; +"512 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFConv2d[conv]/conv2d_0" -> "513 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"513 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "514 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0"; +"514 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/relu__0" -> "515 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0"; +"515 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_4]/SymmetricQuantizer/symmetric_quantize_0" -> "519 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"516 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "517 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"517 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "518 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"518 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "519 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0"; +"519 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFConv2d[conv]/conv2d_0" -> "520 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"520 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "521 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0"; +"521 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/relu__0" -> "522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0"; +"522 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch7x7dbl_5]/SymmetricQuantizer/symmetric_quantize_0" -> "532 Inception3/InceptionC[Mixed_6e]/cat_0"; +"523 Inception3/InceptionC[Mixed_6e]/avg_pool2d_0" -> "524 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0"; +"524 Inception3/InceptionC[Mixed_6e]/SymmetricQuantizer/symmetric_quantize_0" -> "528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"525 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "526 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"526 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "527 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"527 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"528 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"529 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0"; +"530 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/relu__0" -> "531 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"531 Inception3/InceptionC[Mixed_6e]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "532 Inception3/InceptionC[Mixed_6e]/cat_0"; +"532 Inception3/InceptionC[Mixed_6e]/cat_0" -> "536 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"532 Inception3/InceptionC[Mixed_6e]/cat_0" -> "550 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; +"532 Inception3/InceptionC[Mixed_6e]/cat_0" -> "575 Inception3/InceptionD[Mixed_7a]/max_pool2d_0"; +"533 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "534 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"534 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "535 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"535 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "536 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"536 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "537 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"537 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "538 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0"; +"538 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/relu__0" -> "539 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"539 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "543 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; +"540 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "541 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"541 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "542 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"542 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "543 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0"; +"543 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFConv2d[conv]/conv2d_0" -> "544 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"544 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "545 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0"; +"545 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/relu__0" -> "546 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0"; +"546 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch3x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "576 Inception3/InceptionD[Mixed_7a]/cat_0"; +"547 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "548 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"548 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "549 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"549 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "550 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0"; +"550 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFConv2d[conv]/conv2d_0" -> "551 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"551 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "552 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0"; +"552 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/relu__0" -> "553 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"553 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "557 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; +"554 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "555 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"555 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "556 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"556 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "557 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0"; +"557 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFConv2d[conv]/conv2d_0" -> "558 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"558 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "559 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0"; +"559 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/relu__0" -> "560 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0"; +"560 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_2]/SymmetricQuantizer/symmetric_quantize_0" -> "564 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; +"561 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "562 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"562 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "563 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"563 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "564 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0"; +"564 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFConv2d[conv]/conv2d_0" -> "565 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"565 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "566 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0"; +"566 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/relu__0" -> "567 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0"; +"567 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_3]/SymmetricQuantizer/symmetric_quantize_0" -> "571 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; +"568 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "569 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"569 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "570 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"570 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "571 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0"; +"571 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFConv2d[conv]/conv2d_0" -> "572 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"572 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "573 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0"; +"573 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/relu__0" -> "574 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0"; +"574 Inception3/InceptionD[Mixed_7a]/BasicConv2d[branch7x7x3_4]/SymmetricQuantizer/symmetric_quantize_0" -> "576 Inception3/InceptionD[Mixed_7a]/cat_0"; +"575 Inception3/InceptionD[Mixed_7a]/max_pool2d_0" -> "576 Inception3/InceptionD[Mixed_7a]/cat_0"; +"576 Inception3/InceptionD[Mixed_7a]/cat_0" -> "580 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"576 Inception3/InceptionD[Mixed_7a]/cat_0" -> "587 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"576 Inception3/InceptionD[Mixed_7a]/cat_0" -> "609 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"576 Inception3/InceptionD[Mixed_7a]/cat_0" -> "635 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0"; +"577 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "578 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"578 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "579 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"579 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "580 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"580 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "581 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"581 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "582 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0"; +"582 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/relu__0" -> "583 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"583 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "644 Inception3/InceptionE[Mixed_7b]/cat_2"; +"584 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "585 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"585 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "586 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"586 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "587 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"587 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "588 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"588 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "589 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0"; +"589 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/relu__0" -> "590 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"590 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "594 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"590 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "601 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"591 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "592 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"592 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "593 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"593 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "594 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"594 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "595 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"595 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "596 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0"; +"596 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/relu__0" -> "597 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; +"597 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "605 Inception3/InceptionE[Mixed_7b]/cat_0"; +"598 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "599 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"599 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "600 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"600 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "601 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"601 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "602 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"602 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "603 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0"; +"603 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/relu__0" -> "604 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; +"604 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "605 Inception3/InceptionE[Mixed_7b]/cat_0"; +"605 Inception3/InceptionE[Mixed_7b]/cat_0" -> "644 Inception3/InceptionE[Mixed_7b]/cat_2"; +"606 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "607 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"607 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "608 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"608 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "609 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"609 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "610 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"610 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "611 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"611 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "612 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"612 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "616 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"613 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "614 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"614 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "615 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"615 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "616 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"616 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "617 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"617 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "618 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"618 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "619 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"619 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "623 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"619 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "630 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"620 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "621 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"621 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "622 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"622 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "623 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"623 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "624 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"624 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "625 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0"; +"625 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "626 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; +"626 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "634 Inception3/InceptionE[Mixed_7b]/cat_1"; +"627 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "628 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"628 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "629 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"629 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "630 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"630 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "631 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"631 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "632 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0"; +"632 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "633 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; +"633 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "634 Inception3/InceptionE[Mixed_7b]/cat_1"; +"634 Inception3/InceptionE[Mixed_7b]/cat_1" -> "644 Inception3/InceptionE[Mixed_7b]/cat_2"; +"635 Inception3/InceptionE[Mixed_7b]/avg_pool2d_0" -> "636 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0"; +"636 Inception3/InceptionE[Mixed_7b]/SymmetricQuantizer/symmetric_quantize_0" -> "640 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"637 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "638 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"638 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "639 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"639 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "640 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"640 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "641 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"641 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "642 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0"; +"642 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/relu__0" -> "643 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"643 Inception3/InceptionE[Mixed_7b]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "644 Inception3/InceptionE[Mixed_7b]/cat_2"; +"644 Inception3/InceptionE[Mixed_7b]/cat_2" -> "648 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"644 Inception3/InceptionE[Mixed_7b]/cat_2" -> "655 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"644 Inception3/InceptionE[Mixed_7b]/cat_2" -> "677 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"644 Inception3/InceptionE[Mixed_7b]/cat_2" -> "703 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0"; +"645 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "646 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"646 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "647 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"647 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "648 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0"; +"648 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFConv2d[conv]/conv2d_0" -> "649 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"649 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "650 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0"; +"650 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/relu__0" -> "651 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0"; +"651 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch1x1]/SymmetricQuantizer/symmetric_quantize_0" -> "712 Inception3/InceptionE[Mixed_7c]/cat_2"; +"652 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "653 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"653 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "654 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"654 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "655 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0"; +"655 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFConv2d[conv]/conv2d_0" -> "656 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"656 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "657 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0"; +"657 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/relu__0" -> "658 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0"; +"658 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "662 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"658 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_1]/SymmetricQuantizer/symmetric_quantize_0" -> "669 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"659 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "660 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"660 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "661 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"661 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "662 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0"; +"662 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFConv2d[conv]/conv2d_0" -> "663 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"663 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "664 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0"; +"664 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/relu__0" -> "665 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0"; +"665 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2a]/SymmetricQuantizer/symmetric_quantize_0" -> "673 Inception3/InceptionE[Mixed_7c]/cat_0"; +"666 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "667 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"667 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "668 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"668 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "669 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0"; +"669 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFConv2d[conv]/conv2d_0" -> "670 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"670 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "671 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0"; +"671 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/relu__0" -> "672 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0"; +"672 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3_2b]/SymmetricQuantizer/symmetric_quantize_0" -> "673 Inception3/InceptionE[Mixed_7c]/cat_0"; +"673 Inception3/InceptionE[Mixed_7c]/cat_0" -> "712 Inception3/InceptionE[Mixed_7c]/cat_2"; +"674 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "675 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"675 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "676 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"676 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "677 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0"; +"677 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFConv2d[conv]/conv2d_0" -> "678 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"678 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "679 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0"; +"679 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/relu__0" -> "680 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0"; +"680 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_1]/SymmetricQuantizer/symmetric_quantize_0" -> "684 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"681 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "682 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"682 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "683 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"683 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "684 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0"; +"684 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFConv2d[conv]/conv2d_0" -> "685 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"685 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "686 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0"; +"686 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/relu__0" -> "687 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0"; +"687 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "691 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"687 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_2]/SymmetricQuantizer/symmetric_quantize_0" -> "698 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"688 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "689 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"689 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "690 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"690 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "691 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0"; +"691 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFConv2d[conv]/conv2d_0" -> "692 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"692 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "693 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0"; +"693 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/relu__0" -> "694 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0"; +"694 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3a]/SymmetricQuantizer/symmetric_quantize_0" -> "702 Inception3/InceptionE[Mixed_7c]/cat_1"; +"695 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "696 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"696 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "697 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"697 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "698 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0"; +"698 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFConv2d[conv]/conv2d_0" -> "699 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"699 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "700 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0"; +"700 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/relu__0" -> "701 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0"; +"701 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch3x3dbl_3b]/SymmetricQuantizer/symmetric_quantize_0" -> "702 Inception3/InceptionE[Mixed_7c]/cat_1"; +"702 Inception3/InceptionE[Mixed_7c]/cat_1" -> "712 Inception3/InceptionE[Mixed_7c]/cat_2"; +"703 Inception3/InceptionE[Mixed_7c]/avg_pool2d_0" -> "704 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0"; +"704 Inception3/InceptionE[Mixed_7c]/SymmetricQuantizer/symmetric_quantize_0" -> "708 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"705 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "706 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"706 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "707 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"707 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "708 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0"; +"708 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFConv2d[conv]/conv2d_0" -> "709 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0"; +"709 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/NNCFBatchNorm2d[bn]/batch_norm_0" -> "710 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0"; +"710 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/relu__0" -> "711 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0"; +"711 Inception3/InceptionE[Mixed_7c]/BasicConv2d[branch_pool]/SymmetricQuantizer/symmetric_quantize_0" -> "712 Inception3/InceptionE[Mixed_7c]/cat_2"; +"712 Inception3/InceptionE[Mixed_7c]/cat_2" -> "713 Inception3/adaptive_avg_pool2d_0"; +"713 Inception3/adaptive_avg_pool2d_0" -> "714 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0"; +"714 Inception3/NNCFNetworkInterface[_nncf]/ModuleDict[external_quantizers]/SymmetricQuantizer[Inception3/adaptive_avg_pool2d_0|OUTPUT]/symmetric_quantize_0" -> "715 Inception3/dropout_0"; +"715 Inception3/dropout_0" -> "716 Inception3/view_0"; +"716 Inception3/view_0" -> "720 Inception3/NNCFLinear[fc]/linear_0"; +"717 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "718 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"718 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "719 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"719 Inception3/NNCFLinear[fc]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "720 Inception3/NNCFLinear[fc]/linear_0"; +"720 Inception3/NNCFLinear[fc]/linear_0" -> "721 /nncf_model_output_0"; } diff --git a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_bi_seq.dot b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_bi_seq.dot index 5ccb993eb77..0d819f535c7 100644 --- a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_bi_seq.dot +++ b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_bi_seq.dot @@ -16,66 +16,64 @@ strict digraph { "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=14, type=sigmoid]; "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=15, type=symmetric_quantize]; "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=17, type=symmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=18, type=tanh]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=19, type=symmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=20, type=sigmoid]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=21, type=symmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=22, type=__mul__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=23, type=symmetric_quantize]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=24, type=__mul__]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=25, type=symmetric_quantize]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=26, type=__add__]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=27, type=tanh]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=28, type=symmetric_quantize]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=29, type=__mul__]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=30, type=linear]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=31, type=symmetric_quantize]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=32, type=cat]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=33, type=view]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=34, type=calc_rb_binary_mask]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=35, type=apply_binary_mask]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=36, type=symmetric_quantize]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=37, type=linear]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=38, type=symmetric_quantize]; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=39, type=calc_rb_binary_mask]; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=40, type=apply_binary_mask]; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=41, type=symmetric_quantize]; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=42, type=linear]; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=43, type=symmetric_quantize]; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=44, type=__add__]; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=45, type=chunk]; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=46, type=sigmoid]; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=47, type=symmetric_quantize]; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=48, type=sigmoid]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=17, type=tanh]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=18, type=symmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=19, type=sigmoid]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=20, type=symmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=21, type=__mul__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=22, type=symmetric_quantize]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=23, type=__mul__]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=24, type=symmetric_quantize]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=25, type=__add__]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=26, type=tanh]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=27, type=symmetric_quantize]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=28, type=__mul__]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=29, type=linear]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=30, type=symmetric_quantize]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=31, type=cat]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=32, type=view]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=33, type=calc_rb_binary_mask]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=34, type=apply_binary_mask]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=35, type=symmetric_quantize]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=36, type=linear]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=37, type=symmetric_quantize]; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=38, type=calc_rb_binary_mask]; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=39, type=apply_binary_mask]; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=40, type=symmetric_quantize]; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=41, type=linear]; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=42, type=symmetric_quantize]; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=43, type=__add__]; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=44, type=chunk]; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=45, type=sigmoid]; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=46, type=symmetric_quantize]; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=47, type=sigmoid]; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=48, type=tanh]; "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=49, type=symmetric_quantize]; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=50, type=tanh]; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=50, type=sigmoid]; "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=51, type=symmetric_quantize]; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=52, type=sigmoid]; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=52, type=__mul__]; "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=53, type=symmetric_quantize]; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=54, type=__mul__]; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=54, type=__mul__]; "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=55, type=symmetric_quantize]; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=56, type=__mul__]; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=57, type=symmetric_quantize]; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=58, type=__add__]; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=59, type=tanh]; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=60, type=symmetric_quantize]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=61, type=__mul__]; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=62, type=linear]; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=63, type=symmetric_quantize]; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=64, type=cat]; -"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=65, type=view]; -"66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=66, type=cat]; -"67 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=67, type=cat]; -"68 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=68, type=view]; -"69 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=69, type=cat]; -"70 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=70, type=view]; -"71 /nncf_model_output_0" [id=71, type=nncf_model_output]; -"72 /nncf_model_output_1" [id=72, type=nncf_model_output]; -"73 /nncf_model_output_2" [id=73, type=nncf_model_output]; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=56, type=__add__]; +"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=57, type=tanh]; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=58, type=symmetric_quantize]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=59, type=__mul__]; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=60, type=linear]; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=61, type=symmetric_quantize]; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=62, type=cat]; +"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=63, type=view]; +"64 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=64, type=cat]; +"65 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=65, type=cat]; +"66 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=66, type=view]; +"67 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=67, type=cat]; +"68 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=68, type=view]; +"69 /nncf_model_output_0" [id=69, type=nncf_model_output]; +"70 /nncf_model_output_1" [id=70, type=nncf_model_output]; +"71 /nncf_model_output_2" [id=71, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; @@ -84,77 +82,75 @@ strict digraph { "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; -"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "73 /nncf_model_output_2"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "68 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"68 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "71 /nncf_model_output_0"; -"69 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "70 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"70 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "72 /nncf_model_output_1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; +"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"64 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "71 /nncf_model_output_2"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"66 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "69 /nncf_model_output_0"; +"67 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "68 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"68 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "70 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_bi_stacked.dot b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_bi_stacked.dot index b6eec9c9f7e..e5750bfa4eb 100644 --- a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_bi_stacked.dot +++ b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_bi_stacked.dot @@ -16,132 +16,128 @@ strict digraph { "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=14, type=sigmoid]; "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=15, type=symmetric_quantize]; "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=17, type=symmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=18, type=tanh]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=19, type=symmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=20, type=sigmoid]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=21, type=symmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=22, type=__mul__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=23, type=symmetric_quantize]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=24, type=__mul__]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=25, type=symmetric_quantize]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=26, type=__add__]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=27, type=tanh]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=28, type=symmetric_quantize]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=29, type=__mul__]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=30, type=linear]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=31, type=symmetric_quantize]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=32, type=cat]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=33, type=view]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=34, type=calc_rb_binary_mask]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=35, type=apply_binary_mask]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=36, type=symmetric_quantize]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=37, type=linear]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=38, type=symmetric_quantize]; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=39, type=calc_rb_binary_mask]; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=40, type=apply_binary_mask]; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=41, type=symmetric_quantize]; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=42, type=linear]; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=43, type=symmetric_quantize]; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=44, type=__add__]; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=45, type=chunk]; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=46, type=sigmoid]; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=47, type=symmetric_quantize]; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=48, type=sigmoid]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=17, type=tanh]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=18, type=symmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=19, type=sigmoid]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=20, type=symmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=21, type=__mul__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=22, type=symmetric_quantize]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=23, type=__mul__]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=24, type=symmetric_quantize]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=25, type=__add__]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=26, type=tanh]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=27, type=symmetric_quantize]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=28, type=__mul__]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=29, type=linear]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=30, type=symmetric_quantize]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=31, type=cat]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=32, type=view]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=33, type=calc_rb_binary_mask]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=34, type=apply_binary_mask]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=35, type=symmetric_quantize]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=36, type=linear]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=37, type=symmetric_quantize]; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=38, type=calc_rb_binary_mask]; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=39, type=apply_binary_mask]; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=40, type=symmetric_quantize]; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=41, type=linear]; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=42, type=symmetric_quantize]; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=43, type=__add__]; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=44, type=chunk]; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=45, type=sigmoid]; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=46, type=symmetric_quantize]; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=47, type=sigmoid]; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=48, type=tanh]; "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=49, type=symmetric_quantize]; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=50, type=tanh]; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=50, type=sigmoid]; "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=51, type=symmetric_quantize]; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=52, type=sigmoid]; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=52, type=__mul__]; "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=53, type=symmetric_quantize]; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=54, type=__mul__]; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=54, type=__mul__]; "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=55, type=symmetric_quantize]; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=56, type=__mul__]; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=57, type=symmetric_quantize]; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=58, type=__add__]; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=59, type=tanh]; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=60, type=symmetric_quantize]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=61, type=__mul__]; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=62, type=linear]; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=63, type=symmetric_quantize]; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=64, type=cat]; -"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=65, type=view]; -"66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=66, type=cat]; -"67 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" [id=67, type=symmetric_quantize]; -"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=68, type=calc_rb_binary_mask]; -"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=69, type=apply_binary_mask]; -"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=70, type=symmetric_quantize]; -"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=71, type=linear]; -"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=72, type=symmetric_quantize]; -"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=73, type=calc_rb_binary_mask]; -"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=74, type=apply_binary_mask]; -"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=75, type=symmetric_quantize]; -"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=76, type=linear]; -"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=77, type=symmetric_quantize]; -"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" [id=78, type=__add__]; -"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" [id=79, type=chunk]; -"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=80, type=sigmoid]; -"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=81, type=symmetric_quantize]; -"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=82, type=sigmoid]; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=83, type=symmetric_quantize]; -"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" [id=84, type=tanh]; -"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=85, type=symmetric_quantize]; -"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=86, type=sigmoid]; -"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=87, type=symmetric_quantize]; -"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" [id=88, type=__mul__]; -"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=89, type=symmetric_quantize]; -"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" [id=90, type=__mul__]; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=56, type=__add__]; +"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=57, type=tanh]; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=58, type=symmetric_quantize]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=59, type=__mul__]; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=60, type=linear]; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=61, type=symmetric_quantize]; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=62, type=cat]; +"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=63, type=view]; +"64 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=64, type=cat]; +"65 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" [id=65, type=symmetric_quantize]; +"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=66, type=calc_rb_binary_mask]; +"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=67, type=apply_binary_mask]; +"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=68, type=symmetric_quantize]; +"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=69, type=linear]; +"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=70, type=symmetric_quantize]; +"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=71, type=calc_rb_binary_mask]; +"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=72, type=apply_binary_mask]; +"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=73, type=symmetric_quantize]; +"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=74, type=linear]; +"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=75, type=symmetric_quantize]; +"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" [id=76, type=__add__]; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" [id=77, type=chunk]; +"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=78, type=sigmoid]; +"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=79, type=symmetric_quantize]; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=80, type=sigmoid]; +"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" [id=81, type=tanh]; +"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=82, type=symmetric_quantize]; +"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=83, type=sigmoid]; +"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=84, type=symmetric_quantize]; +"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" [id=85, type=__mul__]; +"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=86, type=symmetric_quantize]; +"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" [id=87, type=__mul__]; +"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=88, type=symmetric_quantize]; +"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" [id=89, type=__add__]; +"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" [id=90, type=tanh]; "91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=91, type=symmetric_quantize]; -"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" [id=92, type=__add__]; -"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" [id=93, type=tanh]; -"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=94, type=symmetric_quantize]; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" [id=95, type=__mul__]; -"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=96, type=linear]; -"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=97, type=symmetric_quantize]; -"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [id=98, type=cat]; -"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" [id=99, type=view]; -"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=100, type=calc_rb_binary_mask]; -"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=101, type=apply_binary_mask]; -"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=102, type=symmetric_quantize]; -"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=103, type=linear]; -"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=104, type=symmetric_quantize]; -"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=105, type=calc_rb_binary_mask]; -"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=106, type=apply_binary_mask]; -"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=107, type=symmetric_quantize]; -"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=108, type=linear]; -"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=109, type=symmetric_quantize]; -"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" [id=110, type=__add__]; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" [id=111, type=chunk]; -"112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=112, type=sigmoid]; -"113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=113, type=symmetric_quantize]; -"114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=114, type=sigmoid]; -"115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=115, type=symmetric_quantize]; -"116 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" [id=116, type=tanh]; -"117 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=117, type=symmetric_quantize]; -"118 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=118, type=sigmoid]; -"119 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=119, type=symmetric_quantize]; -"120 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" [id=120, type=__mul__]; -"121 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=121, type=symmetric_quantize]; -"122 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" [id=122, type=__mul__]; -"123 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=123, type=symmetric_quantize]; -"124 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" [id=124, type=__add__]; -"125 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" [id=125, type=tanh]; -"126 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=126, type=symmetric_quantize]; -"127 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" [id=127, type=__mul__]; -"128 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=128, type=linear]; -"129 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=129, type=symmetric_quantize]; -"130 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [id=130, type=cat]; -"131 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" [id=131, type=view]; -"132 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=132, type=cat]; -"133 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=133, type=cat]; -"134 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=134, type=view]; -"135 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=135, type=cat]; -"136 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=136, type=view]; -"137 /nncf_model_output_0" [id=137, type=nncf_model_output]; -"138 /nncf_model_output_1" [id=138, type=nncf_model_output]; -"139 /nncf_model_output_2" [id=139, type=nncf_model_output]; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" [id=92, type=__mul__]; +"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=93, type=linear]; +"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=94, type=symmetric_quantize]; +"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [id=95, type=cat]; +"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" [id=96, type=view]; +"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=97, type=calc_rb_binary_mask]; +"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=98, type=apply_binary_mask]; +"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=99, type=symmetric_quantize]; +"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=100, type=linear]; +"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=101, type=symmetric_quantize]; +"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=102, type=calc_rb_binary_mask]; +"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=103, type=apply_binary_mask]; +"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=104, type=symmetric_quantize]; +"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=105, type=linear]; +"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=106, type=symmetric_quantize]; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" [id=107, type=__add__]; +"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" [id=108, type=chunk]; +"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=109, type=sigmoid]; +"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=110, type=symmetric_quantize]; +"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=111, type=sigmoid]; +"112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" [id=112, type=tanh]; +"113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=113, type=symmetric_quantize]; +"114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=114, type=sigmoid]; +"115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=115, type=symmetric_quantize]; +"116 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" [id=116, type=__mul__]; +"117 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=117, type=symmetric_quantize]; +"118 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" [id=118, type=__mul__]; +"119 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=119, type=symmetric_quantize]; +"120 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" [id=120, type=__add__]; +"121 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" [id=121, type=tanh]; +"122 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=122, type=symmetric_quantize]; +"123 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" [id=123, type=__mul__]; +"124 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=124, type=linear]; +"125 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=125, type=symmetric_quantize]; +"126 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [id=126, type=cat]; +"127 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" [id=127, type=view]; +"128 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=128, type=cat]; +"129 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=129, type=cat]; +"130 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=130, type=view]; +"131 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=131, type=cat]; +"132 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=132, type=view]; +"133 /nncf_model_output_0" [id=133, type=nncf_model_output]; +"134 /nncf_model_output_1" [id=134, type=nncf_model_output]; +"135 /nncf_model_output_2" [id=135, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"1 SymmetricQuantizer/symmetric_quantize_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"1 SymmetricQuantizer/symmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; "4 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; @@ -150,156 +146,152 @@ strict digraph { "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "135 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "133 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "135 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "133 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; -"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; -"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; -"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" -> "79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0"; -"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0"; -"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; -"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0"; -"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" -> "85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; -"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; -"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" -> "89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; -"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" -> "91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; -"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1"; -"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "135 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" -> "94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "133 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" -> "99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0"; -"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" -> "132 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; -"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; -"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "128 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; -"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" -> "111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0"; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "116 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0"; -"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "118 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "122 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; -"114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "120 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0"; -"116 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"117 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "122 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; -"118 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"119 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "127 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; -"120 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" -> "121 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"121 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "124 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; -"122 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" -> "123 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"123 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "124 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; -"124 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "125 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1"; -"124 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "135 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"125 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" -> "126 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"126 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "127 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; -"127 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "128 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"127 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "130 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"127 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "133 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"128 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "129 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"130 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" -> "131 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0"; -"131 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" -> "132 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; -"132 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "139 /nncf_model_output_2"; -"133 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "134 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"134 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "137 /nncf_model_output_0"; -"135 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "136 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"136 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "138 /nncf_model_output_1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "131 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "129 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "131 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "129 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; +"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"64 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"68 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"69 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"70 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; +"71 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"72 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"73 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"74 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"75 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0"; +"76 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___0" -> "77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0"; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0"; +"77 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/chunk_0" -> "83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"78 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"79 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; +"80 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0"; +"81 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_0" -> "82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"82 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1"; +"83 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"84 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; +"85 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___0" -> "86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"86 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; +"87 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___1" -> "88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"88 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1"; +"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1"; +"89 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__add___1" -> "131 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"90 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/tanh_1" -> "91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"91 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"92 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/__mul___2" -> "129 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"93 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "94 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"95 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/cat_0" -> "96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0"; +"96 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[2]/view_0" -> "128 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; +"97 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"98 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"99 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"100 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"101 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; +"102 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"103 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"104 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "124 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"105 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"106 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0"; +"107 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___0" -> "108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0"; +"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0"; +"108 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/chunk_0" -> "114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"109 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"110 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "118 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; +"111 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "116 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0"; +"112 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_0" -> "113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"113 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "118 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1"; +"114 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"115 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "123 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; +"116 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___0" -> "117 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"117 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "120 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; +"118 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___1" -> "119 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"119 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "120 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1"; +"120 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "121 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1"; +"120 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__add___1" -> "131 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"121 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/tanh_1" -> "122 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"122 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "123 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2"; +"123 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "124 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"123 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "126 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"123 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/__mul___2" -> "129 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"124 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "125 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"126 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/cat_0" -> "127 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0"; +"127 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[3]/view_0" -> "128 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; +"128 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "135 /nncf_model_output_2"; +"129 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "130 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"130 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "133 /nncf_model_output_0"; +"131 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "132 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"132 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "134 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_cell.dot b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_cell.dot index 52d13590220..8702b647bf3 100644 --- a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_cell.dot +++ b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_cell.dot @@ -16,21 +16,20 @@ strict digraph { "14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=14, type=sigmoid]; "15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=15, type=symmetric_quantize]; "16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=16, type=sigmoid]; -"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=17, type=symmetric_quantize]; -"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" [id=18, type=tanh]; -"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=19, type=symmetric_quantize]; -"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=20, type=sigmoid]; -"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=21, type=symmetric_quantize]; -"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" [id=22, type=__mul__]; -"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=23, type=symmetric_quantize]; -"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" [id=24, type=__mul__]; -"25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=25, type=symmetric_quantize]; -"26 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" [id=26, type=__add__]; -"27 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" [id=27, type=tanh]; -"28 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=28, type=symmetric_quantize]; -"29 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" [id=29, type=__mul__]; -"30 /nncf_model_output_0" [id=30, type=nncf_model_output]; -"31 /nncf_model_output_1" [id=31, type=nncf_model_output]; +"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" [id=17, type=tanh]; +"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=18, type=symmetric_quantize]; +"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=19, type=sigmoid]; +"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=20, type=symmetric_quantize]; +"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" [id=21, type=__mul__]; +"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=22, type=symmetric_quantize]; +"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" [id=23, type=__mul__]; +"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=24, type=symmetric_quantize]; +"25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" [id=25, type=__add__]; +"26 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" [id=26, type=tanh]; +"27 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=27, type=symmetric_quantize]; +"28 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" [id=28, type=__mul__]; +"29 /nncf_model_output_0" [id=29, type=nncf_model_output]; +"30 /nncf_model_output_1" [id=30, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "5 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "3 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; @@ -46,23 +45,22 @@ strict digraph { "12 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___0" -> "13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0"; "13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_0"; "13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0"; -"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0"; +"13 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/chunk_0" -> "19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2"; "14 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0"; -"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" -> "19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; -"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "29 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; -"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" -> "23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "26 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; -"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" -> "25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "26 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; -"26 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "27 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1"; -"26 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "31 /nncf_model_output_1"; -"27 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" -> "28 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"28 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "29 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; -"29 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" -> "30 /nncf_model_output_0"; +"15 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; +"16 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0"; +"17 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_0" -> "18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"18 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1"; +"19 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"20 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "28 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; +"21 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___0" -> "22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"22 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; +"23 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___1" -> "24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"24 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1"; +"25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "26 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1"; +"25 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__add___1" -> "30 /nncf_model_output_1"; +"26 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/tanh_1" -> "27 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"27 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "28 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2"; +"28 LSTMCellNNCF/LSTMCellForwardNNCF[cell]/__mul___2" -> "29 /nncf_model_output_0"; } diff --git a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_uni_seq.dot b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_uni_seq.dot index 00d7b7d191a..e58e64141a9 100644 --- a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_uni_seq.dot +++ b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_uni_seq.dot @@ -16,31 +16,30 @@ strict digraph { "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=14, type=sigmoid]; "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=15, type=symmetric_quantize]; "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=17, type=symmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=18, type=tanh]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=19, type=symmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=20, type=sigmoid]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=21, type=symmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=22, type=__mul__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=23, type=symmetric_quantize]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=24, type=__mul__]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=25, type=symmetric_quantize]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=26, type=__add__]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=27, type=tanh]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=28, type=symmetric_quantize]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=29, type=__mul__]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=30, type=linear]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=31, type=symmetric_quantize]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=32, type=cat]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=33, type=view]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=34, type=cat]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=35, type=cat]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=36, type=view]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=37, type=cat]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=38, type=view]; -"39 /nncf_model_output_0" [id=39, type=nncf_model_output]; -"40 /nncf_model_output_1" [id=40, type=nncf_model_output]; -"41 /nncf_model_output_2" [id=41, type=nncf_model_output]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=17, type=tanh]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=18, type=symmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=19, type=sigmoid]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=20, type=symmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=21, type=__mul__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=22, type=symmetric_quantize]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=23, type=__mul__]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=24, type=symmetric_quantize]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=25, type=__add__]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=26, type=tanh]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=27, type=symmetric_quantize]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=28, type=__mul__]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=29, type=linear]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=30, type=symmetric_quantize]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=31, type=cat]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=32, type=view]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=33, type=cat]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=34, type=cat]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=35, type=view]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=36, type=cat]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=37, type=view]; +"38 /nncf_model_output_0" [id=38, type=nncf_model_output]; +"39 /nncf_model_output_1" [id=39, type=nncf_model_output]; +"40 /nncf_model_output_2" [id=40, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; @@ -51,39 +50,38 @@ strict digraph { "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "41 /nncf_model_output_2"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "39 /nncf_model_output_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "40 /nncf_model_output_1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "40 /nncf_model_output_2"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "38 /nncf_model_output_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "39 /nncf_model_output_1"; } diff --git a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_uni_stacked.dot b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_uni_stacked.dot index a6f2888cf58..5ce71fea2fe 100644 --- a/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_uni_stacked.dot +++ b/tests/torch/data/reference_graphs/quantized_rb_sparsity/lstm_uni_stacked.dot @@ -16,65 +16,63 @@ strict digraph { "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=14, type=sigmoid]; "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=15, type=symmetric_quantize]; "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=16, type=sigmoid]; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=17, type=symmetric_quantize]; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=18, type=tanh]; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=19, type=symmetric_quantize]; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=20, type=sigmoid]; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=21, type=symmetric_quantize]; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=22, type=__mul__]; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=23, type=symmetric_quantize]; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=24, type=__mul__]; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=25, type=symmetric_quantize]; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=26, type=__add__]; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=27, type=tanh]; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=28, type=symmetric_quantize]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=29, type=__mul__]; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=30, type=linear]; -"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=31, type=symmetric_quantize]; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=32, type=cat]; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=33, type=view]; -"34 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=34, type=cat]; -"35 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" [id=35, type=symmetric_quantize]; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=36, type=calc_rb_binary_mask]; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=37, type=apply_binary_mask]; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=38, type=symmetric_quantize]; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=39, type=linear]; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=40, type=symmetric_quantize]; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=41, type=calc_rb_binary_mask]; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=42, type=apply_binary_mask]; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=43, type=symmetric_quantize]; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=44, type=linear]; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=45, type=symmetric_quantize]; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=46, type=__add__]; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=47, type=chunk]; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=48, type=sigmoid]; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=49, type=symmetric_quantize]; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=50, type=sigmoid]; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" [id=17, type=tanh]; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=18, type=symmetric_quantize]; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=19, type=sigmoid]; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=20, type=symmetric_quantize]; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" [id=21, type=__mul__]; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=22, type=symmetric_quantize]; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" [id=23, type=__mul__]; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=24, type=symmetric_quantize]; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" [id=25, type=__add__]; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" [id=26, type=tanh]; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=27, type=symmetric_quantize]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" [id=28, type=__mul__]; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=29, type=linear]; +"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=30, type=symmetric_quantize]; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [id=31, type=cat]; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" [id=32, type=view]; +"33 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" [id=33, type=cat]; +"34 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" [id=34, type=symmetric_quantize]; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=35, type=calc_rb_binary_mask]; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=36, type=apply_binary_mask]; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=37, type=symmetric_quantize]; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" [id=38, type=linear]; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=39, type=symmetric_quantize]; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" [id=40, type=calc_rb_binary_mask]; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" [id=41, type=apply_binary_mask]; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" [id=42, type=symmetric_quantize]; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=43, type=linear]; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=44, type=symmetric_quantize]; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" [id=45, type=__add__]; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" [id=46, type=chunk]; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" [id=47, type=sigmoid]; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" [id=48, type=symmetric_quantize]; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" [id=49, type=sigmoid]; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=50, type=tanh]; "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" [id=51, type=symmetric_quantize]; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" [id=52, type=tanh]; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=52, type=sigmoid]; "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" [id=53, type=symmetric_quantize]; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" [id=54, type=sigmoid]; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=54, type=__mul__]; "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" [id=55, type=symmetric_quantize]; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" [id=56, type=__mul__]; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=56, type=__mul__]; "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" [id=57, type=symmetric_quantize]; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" [id=58, type=__mul__]; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=59, type=symmetric_quantize]; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=60, type=__add__]; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=61, type=tanh]; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" [id=62, type=symmetric_quantize]; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=63, type=__mul__]; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=64, type=linear]; -"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=65, type=symmetric_quantize]; -"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=66, type=cat]; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=67, type=view]; -"68 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=68, type=cat]; -"69 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=69, type=cat]; -"70 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=70, type=view]; -"71 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=71, type=cat]; -"72 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=72, type=view]; -"73 /nncf_model_output_0" [id=73, type=nncf_model_output]; -"74 /nncf_model_output_1" [id=74, type=nncf_model_output]; -"75 /nncf_model_output_2" [id=75, type=nncf_model_output]; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" [id=58, type=__add__]; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" [id=59, type=tanh]; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" [id=60, type=symmetric_quantize]; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" [id=61, type=__mul__]; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" [id=62, type=linear]; +"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" [id=63, type=symmetric_quantize]; +"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [id=64, type=cat]; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" [id=65, type=view]; +"66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" [id=66, type=cat]; +"67 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" [id=67, type=cat]; +"68 NNCF_RNN/StackedRNN[rnn_impl]/view_0" [id=68, type=view]; +"69 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" [id=69, type=cat]; +"70 NNCF_RNN/StackedRNN[rnn_impl]/view_1" [id=70, type=view]; +"71 /nncf_model_output_0" [id=71, type=nncf_model_output]; +"72 /nncf_model_output_1" [id=72, type=nncf_model_output]; +"73 /nncf_model_output_2" [id=73, type=nncf_model_output]; "0 /nncf_model_input_0" -> "1 SymmetricQuantizer/symmetric_quantize_0"; "1 SymmetricQuantizer/symmetric_quantize_0" -> "5 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; "2 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "3 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; @@ -85,79 +83,77 @@ strict digraph { "7 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; "8 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; "9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"9 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; "10 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; "11 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0"; "12 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___0" -> "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0"; "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0"; "13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; -"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0"; +"13 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/chunk_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2"; "14 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; -"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; -"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; -"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "71 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; -"33 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; -"34 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "35 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0"; -"35 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; -"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; -"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; -"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; -"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; -"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; -"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; -"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; -"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; -"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; -"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; -"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; -"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; -"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; -"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "71 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; -"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6"; -"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_6" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; -"63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; -"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; -"66 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; -"67 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "68 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; -"68 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "75 /nncf_model_output_2"; -"69 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "70 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; -"70 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "73 /nncf_model_output_0"; -"71 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "72 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; -"72 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "74 /nncf_model_output_1"; +"15 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"16 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0"; +"17 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_0" -> "18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"18 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1"; +"19 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"20 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"21 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___0" -> "22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"22 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"23 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___1" -> "24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"24 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1"; +"25 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__add___1" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"26 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/tanh_1" -> "27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"27 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"28 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/__mul___2" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"29 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "30 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"31 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/cat_0" -> "32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0"; +"32 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[0]/view_0" -> "33 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0"; +"33 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_0" -> "34 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0"; +"34 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/SymmetricQuantizer/symmetric_quantize_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"35 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"36 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"37 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0"; +"38 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/linear_0" -> "39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"39 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[input_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"40 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/calc_rb_binary_mask_0" -> "41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0"; +"41 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[0]/RBSparsifyingWeight[op]/apply_binary_mask_0" -> "42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"42 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/ModuleDict[pre_ops]/UpdateWeight[1]/SymmetricQuantizer[op]/symmetric_quantize_0" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"43 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"44 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0" -> "45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0"; +"45 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___0" -> "46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0"; +"46 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/chunk_0" -> "52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2"; +"47 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_0" -> "48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0"; +"48 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_0" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"49 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_1" -> "54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0"; +"50 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_0" -> "51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1"; +"51 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_1" -> "56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1"; +"52 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/sigmoid_2" -> "53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2"; +"53 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_2" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"54 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___0" -> "55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3"; +"55 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_3" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"56 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___1" -> "57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4"; +"57 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_4" -> "58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1"; +"58 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__add___1" -> "69 NNCF_RNN/StackedRNN[rnn_impl]/cat_1"; +"59 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/tanh_1" -> "60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5"; +"60 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/SymmetricQuantizer/symmetric_quantize_5" -> "61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2"; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0"; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" [label="parallel_input_port_ids:[1, 2]"]; +"61 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/__mul___2" -> "67 NNCF_RNN/StackedRNN[rnn_impl]/cat_0"; +"62 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/linear_0" -> "63 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/LSTMCellForwardNNCF[cell]/NNCFLinear[hidden_linear]/SymmetricQuantizer/symmetric_quantize_0"; +"64 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/cat_0" -> "65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0"; +"65 NNCF_RNN/StackedRNN[rnn_impl]/ModuleList[inners]/Recurrent[1]/view_0" -> "66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1"; +"66 NNCF_RNN/StackedRNN[rnn_impl]/StackedRNNResetPoint/cat_1" -> "73 /nncf_model_output_2"; +"67 NNCF_RNN/StackedRNN[rnn_impl]/cat_0" -> "68 NNCF_RNN/StackedRNN[rnn_impl]/view_0"; +"68 NNCF_RNN/StackedRNN[rnn_impl]/view_0" -> "71 /nncf_model_output_0"; +"69 NNCF_RNN/StackedRNN[rnn_impl]/cat_1" -> "70 NNCF_RNN/StackedRNN[rnn_impl]/view_1"; +"70 NNCF_RNN/StackedRNN[rnn_impl]/view_1" -> "72 /nncf_model_output_1"; } diff --git a/tests/torch/modules/test_rnn.py b/tests/torch/modules/test_rnn.py index 441ac156242..2dd817d7f12 100644 --- a/tests/torch/modules/test_rnn.py +++ b/tests/torch/modules/test_rnn.py @@ -236,7 +236,7 @@ def test_export_lstm_cell(tmp_path): for node in model.graph.node: if node.op_type == "FakeQuantize": onnx_num += 1 - assert onnx_num == 12 + assert onnx_num == 11 @pytest.mark.parametrize( @@ -454,7 +454,7 @@ def test_export_stacked_bi_lstm(tmp_path): for node in model.graph.node: if node.op_type == "FakeQuantize": onnx_num += 1 - assert onnx_num == 46 + assert onnx_num == 42 class TestNumberOfNodes: @@ -513,8 +513,8 @@ def hook(model, input_, counter): _ = model(test_data.x, test_hidden) # NB: below may always fail in debug due to superfluous 'cat' nodes - assert model.nncf.get_graph().get_nodes_count() == 124 - assert len(counters) + 2 == 46 # 8 WQ + 36 AQ + 1 input AQ + 1 reset point AQ + assert model.nncf.get_graph().get_nodes_count() == 120 + assert len(counters) + 2 == 42 # 8 WQ + 32 AQ + 1 input AQ + 1 reset point AQ for counter in counters.values(): assert counter.count == p.seq_length assert counter_for_input_quantizer.count == 1 diff --git a/tests/torch/quantization/test_quantization_metric.py b/tests/torch/quantization/test_quantization_metric.py index a7fff0d395b..9e58cbb63e1 100644 --- a/tests/torch/quantization/test_quantization_metric.py +++ b/tests/torch/quantization/test_quantization_metric.py @@ -219,7 +219,7 @@ def test_memory_consumption_stats(data): weights={}, ignored_scopes=[], target_device="TRIAL", - expected={"quantized_edges_in_cfg": 176, "total_edges_in_cfg": 177}, + expected={"quantized_edges_in_cfg": 173, "total_edges_in_cfg": 177}, ), CaseStruct( initializers={}, diff --git a/tests/torch/test_compressed_graph.py b/tests/torch/test_compressed_graph.py index e49dbfcb6d0..f74c174eb2e 100644 --- a/tests/torch/test_compressed_graph.py +++ b/tests/torch/test_compressed_graph.py @@ -55,6 +55,7 @@ from tests.torch.test_models.synthetic import Baddbmm from tests.torch.test_models.synthetic import ConvBNLeakyReLU from tests.torch.test_models.synthetic import ConvGeluGetItem +from tests.torch.test_models.synthetic import ConvolutionWithMinModel from tests.torch.test_models.synthetic import ConvRelu6HSwishHSigmoid from tests.torch.test_models.synthetic import EmbeddingCatLinearModel from tests.torch.test_models.synthetic import EmbeddingSumModel @@ -732,7 +733,7 @@ def forward(self, x): SingleLayerModelDesc(model_name="relu", layer=torch.relu), SingleLayerModelDesc(model_name="relu_", layer=torch.relu_), SingleLayerModelDesc(model_name="max", layer=torch.max), - SingleLayerModelDesc(model_name="min", layer=torch.min), + GeneralModelDesc(model_builder=ConvolutionWithMinModel, input_sample_sizes=([1, 1, 5, 5])), GeneralModelDesc(model_builder=ArangeModel), SingleLayerModelDesc(model_name="transpose", layer=partial(torch.transpose, dim0=0, dim1=0)), GeneralModelDesc(model_builder=TransposeModel, input_sample_sizes=([1])), diff --git a/tests/torch/test_models/synthetic.py b/tests/torch/test_models/synthetic.py index 36a7db2a477..19d821cab46 100644 --- a/tests/torch/test_models/synthetic.py +++ b/tests/torch/test_models/synthetic.py @@ -524,6 +524,17 @@ def forward(self, x): return x + nn.functional.conv2d(self._conv_i, w) +class ConvolutionWithMinModel(torch.nn.Module): + def __init__(self): + super().__init__() + self._conv_w = nn.Parameter(torch.ones((1, 1, 1, 1))) + + def forward(self, x): + w = self._conv_w + 10 + t = nn.functional.conv2d(x, w) + return torch.minimum(t, torch.ones_like(t)) + + class MultiBranchesConnectedModel(torch.nn.Module): def __init__(self): super().__init__()